From 6c8a86d72af8959090ab334c4c787f5a12e96d45 Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 2 Nov 2023 15:42:47 -0400 Subject: [PATCH 01/60] Update ferc-ferc plant matching with ccai implementation. --- .../record_linkage/classify_plants_ferc1.py | 432 ++++++++++++++++++ src/pudl/transform/ferc1.py | 4 +- 2 files changed, 434 insertions(+), 2 deletions(-) create mode 100644 src/pudl/analysis/record_linkage/classify_plants_ferc1.py diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py new file mode 100644 index 0000000000..4ee4668212 --- /dev/null +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -0,0 +1,432 @@ +"""Infrastructure for embedding dataframes for generalized entity matching framework.""" +import importlib +import re + +import numpy as np +import pandas as pd +from sklearn.base import BaseEstimator, TransformerMixin +from sklearn.cluster import AgglomerativeClustering +from sklearn.compose import ColumnTransformer +from sklearn.decomposition import PCA +from sklearn.feature_extraction.text import TfidfVectorizer +from sklearn.metrics import pairwise_distances +from sklearn.pipeline import Pipeline +from sklearn.preprocessing import MinMaxScaler, Normalizer, OneHotEncoder + +import pudl + +logger = pudl.logging_helpers.get_logger(__name__) + + +class DistancePenalizeSameYear(BaseEstimator, TransformerMixin): + """Custom estimator to compute distances used to identify clusters of plants.""" + + def __init__(self, plants_steam_df, metric="euclidean", penalty=100): + """Initialize estimator with configurable parameters. + + Args: + plants_steam_df: Plants steam DataFrame used to get report years. + metric: Distance metric to use in computation. + penalty: Penalty to apply to records with the same report year. + """ + self.df = plants_steam_df + self.metric = metric + self.penalty = penalty + + def fit(self, X, y=None, **fit_params): # noqa: N803 + """Required by scikit-learn, but does not modify anything.""" + return self + + def transform(self, X, y=None, **fit_params): # noqa: N803 + """Compute distance between records then add penalty to records from same year.""" + dist_matrix = pairwise_distances(X, metric=self.metric) + report_years = range(self.df.report_year.min(), self.df.report_year.max() + 1) + penalty_matrix = np.full(dist_matrix.shape, 0) + for yr in report_years: + # get the indices of all the record pairs that have matching report years + yr_idx = self.df[self.df.report_year == yr].index + yr_match_pairs_idx = np.array(np.meshgrid(yr_idx, yr_idx)).T.reshape(-1, 2) + idx_x = yr_match_pairs_idx[:, 0] + idx_y = yr_match_pairs_idx[:, 1] + penalty_matrix[idx_x, idx_y] = self.penalty + # distance from node to itself should still be 0 + np.fill_diagonal(penalty_matrix, 0) + dist_matrix += penalty_matrix + return dist_matrix + + +class DenseTransformer(BaseEstimator, TransformerMixin): + """Convert sparse numpy matrix to dense numpy array.""" + + def fit(self, X, y=None, **fit_params): # noqa: N803 + """No modifications made during fitting.""" + return self + + def transform(self, X, y=None, **fit_params): # noqa: N803 + """No modifications made during fitting.""" + return np.asarray(np.float32(X.todense())) + + +def make_ferc1_clf( + plants_df, + ngram_min=2, + ngram_max=10, + min_sim=0.75, + plant_name_ferc1_wt=2.0, + plant_type_wt=2.0, + construction_type_wt=1.0, + capacity_mw_wt=1.0, + construction_year_wt=1.0, + utility_id_ferc1_wt=1.0, + fuel_fraction_wt=1.0, + d_threshold=0.3, +): + """Create a FERC Plant Classifier using several weighted features. + + Given a FERC steam plants dataframe plants_df, which also includes fuel consumption + information, transform a selection of useful columns into features suitable for use + in calculating inter-record cosine similarities. Individual features are weighted + according to the keyword arguments. + + Features include: + + * plant_name (via TF-IDF, with ngram_min and ngram_max as parameters) + * plant_type (OneHot encoded categorical feature) + * construction_type (OneHot encoded categorical feature) + * capacity_mw (MinMax scaled numerical feature) + * construction year (OneHot encoded categorical feature) + * utility_id_ferc1 (OneHot encoded categorical feature) + * fuel_fraction_mmbtu (several MinMax scaled numerical columns, which are + normalized and treated as a single feature.) + + This feature matrix is then used to instantiate a FERCPlantClassifier. + + The combination of the ColumnTransformer and FERCPlantClassifier are combined in a + sklearn Pipeline, which is returned by the function. + + Arguments: + ngram_min (int): the minimum lengths to consider in the vectorization of the + plant_name feature. + ngram_max (int): the maximum n-gram lengths to consider in the vectorization of + the plant_name feature. + min_sim (float): the minimum cosine similarity between two records that can be + considered a "match" (a number between 0.0 and 1.0). + plant_name_ferc1_wt (float): weight used to determine the relative importance + of each of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + plant_type_wt (float): weight used to determine the relative importance of each + of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + construction_type_wt (float): weight used to determine the relative importance + of each of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + capacity_mw_wt (float):weight used to determine the relative importance of each + of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + construction_year_wt (float): weight used to determine the relative importance + of each of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + utility_id_ferc1_wt (float): weight used to determine the relative importance + of each of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + fuel_fraction_wt (float): weight used to determine the relative importance of + each of the features in the feature matrix used to calculate the cosine + similarity between records. Used to scale each individual feature before the + vectors are normalized. + d_threshold (float): distance threshold used by clustering algorithm. + + Returns: + sklearn.pipeline.Pipeline: an sklearn Pipeline that performs reprocessing and + classification with a FERCPlantClassifier object. + """ + # Make a list of all the fuel fraction columns for use as one feature. + fuel_cols = list(plants_df.filter(regex=".*_fraction_mmbtu$").columns) + + ferc1_pipe = Pipeline( + [ + ( + "preprocessor", + ColumnTransformer( + transformers=[ + ( + "plant_name_ferc1", + TfidfVectorizer( + analyzer="char", ngram_range=(ngram_min, ngram_max) + ), + "plant_name_ferc1", + ), + ( + "plant_type", + OneHotEncoder(categories="auto"), + ["plant_type"], + ), + ( + "construction_type", + OneHotEncoder(categories="auto"), + ["construction_type"], + ), + ("capacity_mw", MinMaxScaler(), ["capacity_mw"]), + ( + "construction_year", + OneHotEncoder(categories="auto"), + ["construction_year"], + ), + ( + "utility_id_ferc1", + OneHotEncoder(categories="auto"), + ["utility_id_ferc1"], + ), + ( + "fuel_fraction_mmbtu", + Pipeline( + [("scaler", MinMaxScaler()), ("norm", Normalizer())] + ), + fuel_cols, + ), + ], + transformer_weights={ + "plant_name_ferc1": plant_name_ferc1_wt, + "plant_type": plant_type_wt, + "construction_type": construction_type_wt, + "capacity_mw": capacity_mw_wt, + "construction_year": construction_year_wt, + "utility_id_ferc1": utility_id_ferc1_wt, + "fuel_fraction_mmbtu": fuel_fraction_wt, + }, + ), + ), + ( + "to_dense", + DenseTransformer(), + ), + ( + "dim_reduction", + PCA(n_components=0.99), + ), + ( + "precompute_dist", + DistancePenalizeSameYear(plants_df, metric="euclidean"), + ), + ( + "classifier", + AgglomerativeClustering( + n_clusters=None, + metric="precomputed", + linkage="average", + distance_threshold=d_threshold, + compute_distances=True, + ), + ), + ], + memory=str( + importlib.resources.files("pudl.package_data") / "ferc1_plant_classifier" + ), + ) + return ferc1_pipe + + +def fuel_by_plant_ferc1( + fuel_df: pd.DataFrame, fuel_categories: list[str], thresh: float = 0.5 +) -> pd.DataFrame: + """Calculates useful FERC Form 1 fuel metrics on a per plant-year basis. + + Each record in the FERC Form 1 corresponds to a particular type of fuel. Many plants + -- especially coal plants -- use more than one fuel, with gas and/or diesel serving + as startup fuels. In order to be able to classify the type of plant based on + relative proportions of fuel consumed or fuel costs it is useful to aggregate these + per-fuel records into a single record for each plant. + + Fuel cost (in nominal dollars) and fuel heat content (in mmBTU) are calculated for + each fuel based on the cost and heat content per unit, and the number of units + consumed, and then summed by fuel type (there can be more than one record for a + given type of fuel in each plant because we are simplifying the fuel categories). + The per-fuel records are then pivoted to create one column per fuel type. The total + is summed and stored separately, and the individual fuel costs & heat contents are + divided by that total, to yield fuel proportions. Based on those proportions and a + minimum threshold that's passed in, a "primary" fuel type is then assigned to the + plant-year record and given a string label. + + Args: + fuel_df: Pandas DataFrame resembling the post-transform + result for the fuel_ferc1 table. + thresh: A value between 0.5 and 1.0 indicating the minimum fraction of + overall heat content that must have been provided by a fuel in a plant-year + for it to be considered the "primary" fuel for the plant in that year. + Default value: 0.5. + + Returns: + DataFrame with a single record for each plant-year, including the columns + required to merge it with the plants_steam_ferc1 table/DataFrame (report_year, + utility_id_ferc1, and plant_name) as well as totals for fuel mmbtu consumed in + that plant-year, and the cost of fuel in that year, the proportions of heat + content and fuel costs for each fuel in that year, and a column that labels the + plant's primary fuel for that year. + + Raises: + AssertionError: If the DataFrame input does not have the columns required to + run the function. + """ + keep_cols = [ + "report_year", # key + "utility_id_ferc1", # key + "plant_name_ferc1", # key + "fuel_type_code_pudl", # pivot + "fuel_consumed_units", # value + "fuel_mmbtu_per_unit", # value + "fuel_cost_per_unit_burned", # value + ] + + # Ensure that the dataframe we've gotten has all the information we need: + for col in keep_cols: + if col not in fuel_df.columns: + raise AssertionError(f"Required column {col} not found in input fuel_df.") + + # Calculate per-fuel derived values and add them to the DataFrame + df = ( + # Really there should *not* be any duplicates here but... there's a + # bug somewhere that introduces them into the fuel_ferc1 table. + fuel_df[keep_cols] + .drop_duplicates() + # Calculate totals for each record based on per-unit values: + .assign(fuel_mmbtu=lambda x: x.fuel_consumed_units * x.fuel_mmbtu_per_unit) + .assign(fuel_cost=lambda x: x.fuel_consumed_units * x.fuel_cost_per_unit_burned) + # Drop the ratios and heterogeneous fuel "units" + .drop( + ["fuel_mmbtu_per_unit", "fuel_cost_per_unit_burned", "fuel_consumed_units"], + axis=1, + ) + # Group by the keys and fuel type, and sum: + .groupby( + [ + "utility_id_ferc1", + "plant_name_ferc1", + "report_year", + "fuel_type_code_pudl", + ] + ) + .sum() + .reset_index() + # Set the index to the keys, and pivot to get per-fuel columns: + .set_index(["utility_id_ferc1", "plant_name_ferc1", "report_year"]) + .pivot(columns="fuel_type_code_pudl") + .fillna(0.0) + ) + + # Undo pivot. Could refactor this old function + plant_year_totals = df.stack("fuel_type_code_pudl").groupby(level=[0, 1, 2]).sum() + + # Calculate total heat content burned for each plant, and divide it out + mmbtu_group = ( + pd.merge( + # Sum up all the fuel heat content, and divide the individual fuel + # heat contents by it (they are all contained in single higher + # level group of columns labeled fuel_mmbtu) + df.loc[:, "fuel_mmbtu"].div( + df.loc[:, "fuel_mmbtu"].sum(axis=1), axis="rows" + ), + # Merge that same total into the dataframe separately as well. + plant_year_totals.loc[:, "fuel_mmbtu"], + right_index=True, + left_index=True, + ) + .rename(columns=lambda x: re.sub(r"$", "_fraction_mmbtu", x)) + .rename(columns=lambda x: re.sub(r"_mmbtu_fraction_mmbtu$", "_mmbtu", x)) + ) + + # Calculate total fuel cost for each plant, and divide it out + cost_group = ( + pd.merge( + # Sum up all the fuel costs, and divide the individual fuel + # costs by it (they are all contained in single higher + # level group of columns labeled fuel_cost) + df.loc[:, "fuel_cost"].div(df.loc[:, "fuel_cost"].sum(axis=1), axis="rows"), + # Merge that same total into the dataframe separately as well. + plant_year_totals.loc[:, "fuel_cost"], + right_index=True, + left_index=True, + ) + .rename(columns=lambda x: re.sub(r"$", "_fraction_cost", x)) + .rename(columns=lambda x: re.sub(r"_cost_fraction_cost$", "_cost", x)) + ) + + # Re-unify the cost and heat content information: + df = pd.merge( + mmbtu_group, cost_group, left_index=True, right_index=True + ).reset_index() + + # Label each plant-year record by primary fuel: + for fuel_str in fuel_categories: + try: + mmbtu_mask = df[f"{fuel_str}_fraction_mmbtu"] > thresh + df.loc[mmbtu_mask, "primary_fuel_by_mmbtu"] = fuel_str + except KeyError: + pass + + try: + cost_mask = df[f"{fuel_str}_fraction_cost"] > thresh + df.loc[cost_mask, "primary_fuel_by_cost"] = fuel_str + except KeyError: + pass + + df[["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = df[ + ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"] + ].fillna("") + + return df + + +def plants_steam_assign_plant_ids( + ferc1_steam_df: pd.DataFrame, + ferc1_fuel_df: pd.DataFrame, + fuel_categories: list[str], +) -> pd.DataFrame: + """Assign IDs to the large steam plants.""" + ########################################################################### + # FERC PLANT ID ASSIGNMENT + ########################################################################### + # Now we need to assign IDs to the large steam plants, since FERC doesn't + # do this for us. + logger.info("Identifying distinct large FERC plants for ID assignment.") + + # scikit-learn still doesn't deal well with NA values (this will be fixed + # eventually) We need to massage the type and missing data for the + # Classifier to work. + ferc1_steam_df = pudl.helpers.fix_int_na( + ferc1_steam_df, columns=["construction_year"] + ) + + # Grab fuel consumption proportions for use in assigning plant IDs: + fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) + ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) + + ferc1_steam_df = ferc1_steam_df.merge( + fuel_fractions[["utility_id_ferc1", "plant_name_ferc1", "report_year"] + ffc], + on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], + how="left", + ) + # We need to fill the null values for these numerical feature vectors with + # zeros. not ideal, but the model requires dealing with nulls + null_to_zero = ffc + ["capacity_mw"] + ferc1_steam_df[null_to_zero] = ferc1_steam_df[null_to_zero].fillna(value=0.0) + # fillin these two str columns with empty strings for the model + str_cols = ["plant_type", "construction_type"] + ferc1_steam_df[str_cols] = ferc1_steam_df[str_cols].fillna(value="") + # Train the classifier using DEFAULT weights, parameters not listed here. + clf = make_ferc1_clf(ferc1_steam_df) + ferc1_steam_df["plant_id_ferc1"] = clf.fit_predict(ferc1_steam_df) + + # Set the construction year back to numeric because it is. + ferc1_steam_df["construction_year"] = pd.to_numeric( + ferc1_steam_df["construction_year"], errors="coerce" + ) + # We don't actually want to save the fuel fractions in this table... they + # were only here to help us match up the plants. + ferc1_steam_df = ferc1_steam_df.drop(ffc, axis=1) + + return ferc1_steam_df diff --git a/src/pudl/transform/ferc1.py b/src/pudl/transform/ferc1.py index e2adfd94be..0755665349 100644 --- a/src/pudl/transform/ferc1.py +++ b/src/pudl/transform/ferc1.py @@ -26,9 +26,9 @@ import pudl from pudl.analysis.classify_plants_ferc1 import ( - plants_steam_assign_plant_ids, plants_steam_validate_ids, ) +from pudl.analysis.record_linkage import classify_plants_ferc1 from pudl.extract.ferc1 import TABLE_NAME_MAP_FERC1 from pudl.helpers import assert_cols_areclose, convert_cols_dtypes from pudl.metadata.fields import apply_pudl_dtypes @@ -3227,7 +3227,7 @@ def transform_main( super() .transform_main(df) .pipe( - plants_steam_assign_plant_ids, + classify_plants_ferc1.plants_steam_assign_plant_ids, ferc1_fuel_df=transformed_fuel, fuel_categories=fuel_categories, ) From a57810ab12c4412f7d387f1a4192dac332be19be Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 2 Nov 2023 16:08:27 -0400 Subject: [PATCH 02/60] Update docstring --- .../analysis/record_linkage/classify_plants_ferc1.py | 10 +++++++++- 1 file changed, 9 insertions(+), 1 deletion(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 4ee4668212..ce9688f790 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -1,4 +1,12 @@ -"""Infrastructure for embedding dataframes for generalized entity matching framework.""" +"""Scikit-Learn classification pipeline for identifying related FERC 1 plant records. + +Sadly FERC doesn't provide any kind of real IDs for the plants that report to them -- +all we have is their names (a freeform string) and the data that is reported alongside +them. This is often enough information to be able to recognize which records ought to be +associated with each other year to year to create a continuous time series. However, we +want to do that programmatically, which means using some clustering / categorization +tools from scikit-learn +""" import importlib import re From 688b577925cfb437bfe7f831e73e17f87517aebb Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 2 Nov 2023 16:37:03 -0400 Subject: [PATCH 03/60] Make distance estimator param name more descriptive --- .../analysis/record_linkage/classify_plants_ferc1.py | 9 ++++++--- 1 file changed, 6 insertions(+), 3 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index ce9688f790..9cb41e4368 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -37,7 +37,7 @@ def __init__(self, plants_steam_df, metric="euclidean", penalty=100): metric: Distance metric to use in computation. penalty: Penalty to apply to records with the same report year. """ - self.df = plants_steam_df + self.plants_steam_df = plants_steam_df self.metric = metric self.penalty = penalty @@ -48,11 +48,14 @@ def fit(self, X, y=None, **fit_params): # noqa: N803 def transform(self, X, y=None, **fit_params): # noqa: N803 """Compute distance between records then add penalty to records from same year.""" dist_matrix = pairwise_distances(X, metric=self.metric) - report_years = range(self.df.report_year.min(), self.df.report_year.max() + 1) + report_years = range( + self.plants_steam_df.report_year.min(), + self.plants_steam_df.report_year.max() + 1, + ) penalty_matrix = np.full(dist_matrix.shape, 0) for yr in report_years: # get the indices of all the record pairs that have matching report years - yr_idx = self.df[self.df.report_year == yr].index + yr_idx = self.plants_steam_df[self.plants_steam_df.report_year == yr].index yr_match_pairs_idx = np.array(np.meshgrid(yr_idx, yr_idx)).T.reshape(-1, 2) idx_x = yr_match_pairs_idx[:, 0] idx_y = yr_match_pairs_idx[:, 1] From 18783488b1845a9e88659bcf667d321b4f9fb692 Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 9 Nov 2023 16:07:40 -0500 Subject: [PATCH 04/60] Take only report_years to calculate ferc-ferc distance penalty --- .../record_linkage/classify_plants_ferc1.py | 30 +++++++++---------- 1 file changed, 14 insertions(+), 16 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 9cb41e4368..80b9e0547d 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -29,15 +29,16 @@ class DistancePenalizeSameYear(BaseEstimator, TransformerMixin): """Custom estimator to compute distances used to identify clusters of plants.""" - def __init__(self, plants_steam_df, metric="euclidean", penalty=100): + def __init__(self, report_years: np.array, metric="euclidean", penalty=100): """Initialize estimator with configurable parameters. Args: - plants_steam_df: Plants steam DataFrame used to get report years. + report_years: reporty_year column used to penalize distance for records + from same year. metric: Distance metric to use in computation. penalty: Penalty to apply to records with the same report year. """ - self.plants_steam_df = plants_steam_df + self.report_years = report_years self.metric = metric self.penalty = penalty @@ -48,18 +49,13 @@ def fit(self, X, y=None, **fit_params): # noqa: N803 def transform(self, X, y=None, **fit_params): # noqa: N803 """Compute distance between records then add penalty to records from same year.""" dist_matrix = pairwise_distances(X, metric=self.metric) - report_years = range( - self.plants_steam_df.report_year.min(), - self.plants_steam_df.report_year.max() + 1, - ) - penalty_matrix = np.full(dist_matrix.shape, 0) - for yr in report_years: - # get the indices of all the record pairs that have matching report years - yr_idx = self.plants_steam_df[self.plants_steam_df.report_year == yr].index - yr_match_pairs_idx = np.array(np.meshgrid(yr_idx, yr_idx)).T.reshape(-1, 2) - idx_x = yr_match_pairs_idx[:, 0] - idx_y = yr_match_pairs_idx[:, 1] - penalty_matrix[idx_x, idx_y] = self.penalty + + # Create penalty matrix + # Probably not the most elegant way to handle this + penalty_matrix = pairwise_distances(self.report_years.reshape(-1, 1)) + penalty_matrix += self.penalty + penalty_matrix[penalty_matrix > self.penalty] = 0 + # distance from node to itself should still be 0 np.fill_diagonal(penalty_matrix, 0) dist_matrix += penalty_matrix @@ -222,7 +218,9 @@ def make_ferc1_clf( ), ( "precompute_dist", - DistancePenalizeSameYear(plants_df, metric="euclidean"), + DistancePenalizeSameYear( + np.array(plants_df.report_year), metric="euclidean" + ), ), ( "classifier", From e7686c370086f7c6c91e986876505b3e4dc8cba5 Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 9 Nov 2023 16:10:22 -0500 Subject: [PATCH 05/60] Adjust PCA to use less memory --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 6 +----- 1 file changed, 1 insertion(+), 5 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 80b9e0547d..1896bf1a35 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -7,7 +7,6 @@ want to do that programmatically, which means using some clustering / categorization tools from scikit-learn """ -import importlib import re import numpy as np @@ -214,7 +213,7 @@ def make_ferc1_clf( ), ( "dim_reduction", - PCA(n_components=0.99), + PCA(copy=False, n_components=1000), ), ( "precompute_dist", @@ -233,9 +232,6 @@ def make_ferc1_clf( ), ), ], - memory=str( - importlib.resources.files("pudl.package_data") / "ferc1_plant_classifier" - ), ) return ferc1_pipe From e5265166a5b9d5226cd9319338deb6af92dc4999 Mon Sep 17 00:00:00 2001 From: zschira Date: Fri, 17 Nov 2023 13:42:44 -0500 Subject: [PATCH 06/60] Increase ferc-ferc dist threshold --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 1896bf1a35..b7d670e5e8 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -85,7 +85,7 @@ def make_ferc1_clf( construction_year_wt=1.0, utility_id_ferc1_wt=1.0, fuel_fraction_wt=1.0, - d_threshold=0.3, + d_threshold=1.5, ): """Create a FERC Plant Classifier using several weighted features. From 4b5bea40a28a698fe5105763a4f0f8790cdd51df Mon Sep 17 00:00:00 2001 From: zschira Date: Sat, 18 Nov 2023 10:05:22 -0500 Subject: [PATCH 07/60] Generalize CrossYearLinker interface. --- .../record_linkage/classify_plants_ferc1.py | 280 ++++-------------- .../analysis/record_linkage/cross_year.py | 224 ++++++++++++++ 2 files changed, 283 insertions(+), 221 deletions(-) create mode 100644 src/pudl/analysis/record_linkage/cross_year.py diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index b7d670e5e8..f2f9b3962a 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -9,233 +9,16 @@ """ import re -import numpy as np import pandas as pd -from sklearn.base import BaseEstimator, TransformerMixin -from sklearn.cluster import AgglomerativeClustering -from sklearn.compose import ColumnTransformer -from sklearn.decomposition import PCA -from sklearn.feature_extraction.text import TfidfVectorizer -from sklearn.metrics import pairwise_distances from sklearn.pipeline import Pipeline -from sklearn.preprocessing import MinMaxScaler, Normalizer, OneHotEncoder +from sklearn.preprocessing import MinMaxScaler, Normalizer import pudl +from pudl.analysis.record_linkage.cross_year import ColumnTransform, CrossYearLinker logger = pudl.logging_helpers.get_logger(__name__) -class DistancePenalizeSameYear(BaseEstimator, TransformerMixin): - """Custom estimator to compute distances used to identify clusters of plants.""" - - def __init__(self, report_years: np.array, metric="euclidean", penalty=100): - """Initialize estimator with configurable parameters. - - Args: - report_years: reporty_year column used to penalize distance for records - from same year. - metric: Distance metric to use in computation. - penalty: Penalty to apply to records with the same report year. - """ - self.report_years = report_years - self.metric = metric - self.penalty = penalty - - def fit(self, X, y=None, **fit_params): # noqa: N803 - """Required by scikit-learn, but does not modify anything.""" - return self - - def transform(self, X, y=None, **fit_params): # noqa: N803 - """Compute distance between records then add penalty to records from same year.""" - dist_matrix = pairwise_distances(X, metric=self.metric) - - # Create penalty matrix - # Probably not the most elegant way to handle this - penalty_matrix = pairwise_distances(self.report_years.reshape(-1, 1)) - penalty_matrix += self.penalty - penalty_matrix[penalty_matrix > self.penalty] = 0 - - # distance from node to itself should still be 0 - np.fill_diagonal(penalty_matrix, 0) - dist_matrix += penalty_matrix - return dist_matrix - - -class DenseTransformer(BaseEstimator, TransformerMixin): - """Convert sparse numpy matrix to dense numpy array.""" - - def fit(self, X, y=None, **fit_params): # noqa: N803 - """No modifications made during fitting.""" - return self - - def transform(self, X, y=None, **fit_params): # noqa: N803 - """No modifications made during fitting.""" - return np.asarray(np.float32(X.todense())) - - -def make_ferc1_clf( - plants_df, - ngram_min=2, - ngram_max=10, - min_sim=0.75, - plant_name_ferc1_wt=2.0, - plant_type_wt=2.0, - construction_type_wt=1.0, - capacity_mw_wt=1.0, - construction_year_wt=1.0, - utility_id_ferc1_wt=1.0, - fuel_fraction_wt=1.0, - d_threshold=1.5, -): - """Create a FERC Plant Classifier using several weighted features. - - Given a FERC steam plants dataframe plants_df, which also includes fuel consumption - information, transform a selection of useful columns into features suitable for use - in calculating inter-record cosine similarities. Individual features are weighted - according to the keyword arguments. - - Features include: - - * plant_name (via TF-IDF, with ngram_min and ngram_max as parameters) - * plant_type (OneHot encoded categorical feature) - * construction_type (OneHot encoded categorical feature) - * capacity_mw (MinMax scaled numerical feature) - * construction year (OneHot encoded categorical feature) - * utility_id_ferc1 (OneHot encoded categorical feature) - * fuel_fraction_mmbtu (several MinMax scaled numerical columns, which are - normalized and treated as a single feature.) - - This feature matrix is then used to instantiate a FERCPlantClassifier. - - The combination of the ColumnTransformer and FERCPlantClassifier are combined in a - sklearn Pipeline, which is returned by the function. - - Arguments: - ngram_min (int): the minimum lengths to consider in the vectorization of the - plant_name feature. - ngram_max (int): the maximum n-gram lengths to consider in the vectorization of - the plant_name feature. - min_sim (float): the minimum cosine similarity between two records that can be - considered a "match" (a number between 0.0 and 1.0). - plant_name_ferc1_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - plant_type_wt (float): weight used to determine the relative importance of each - of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - construction_type_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - capacity_mw_wt (float):weight used to determine the relative importance of each - of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - construction_year_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - utility_id_ferc1_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - fuel_fraction_wt (float): weight used to determine the relative importance of - each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - d_threshold (float): distance threshold used by clustering algorithm. - - Returns: - sklearn.pipeline.Pipeline: an sklearn Pipeline that performs reprocessing and - classification with a FERCPlantClassifier object. - """ - # Make a list of all the fuel fraction columns for use as one feature. - fuel_cols = list(plants_df.filter(regex=".*_fraction_mmbtu$").columns) - - ferc1_pipe = Pipeline( - [ - ( - "preprocessor", - ColumnTransformer( - transformers=[ - ( - "plant_name_ferc1", - TfidfVectorizer( - analyzer="char", ngram_range=(ngram_min, ngram_max) - ), - "plant_name_ferc1", - ), - ( - "plant_type", - OneHotEncoder(categories="auto"), - ["plant_type"], - ), - ( - "construction_type", - OneHotEncoder(categories="auto"), - ["construction_type"], - ), - ("capacity_mw", MinMaxScaler(), ["capacity_mw"]), - ( - "construction_year", - OneHotEncoder(categories="auto"), - ["construction_year"], - ), - ( - "utility_id_ferc1", - OneHotEncoder(categories="auto"), - ["utility_id_ferc1"], - ), - ( - "fuel_fraction_mmbtu", - Pipeline( - [("scaler", MinMaxScaler()), ("norm", Normalizer())] - ), - fuel_cols, - ), - ], - transformer_weights={ - "plant_name_ferc1": plant_name_ferc1_wt, - "plant_type": plant_type_wt, - "construction_type": construction_type_wt, - "capacity_mw": capacity_mw_wt, - "construction_year": construction_year_wt, - "utility_id_ferc1": utility_id_ferc1_wt, - "fuel_fraction_mmbtu": fuel_fraction_wt, - }, - ), - ), - ( - "to_dense", - DenseTransformer(), - ), - ( - "dim_reduction", - PCA(copy=False, n_components=1000), - ), - ( - "precompute_dist", - DistancePenalizeSameYear( - np.array(plants_df.report_year), metric="euclidean" - ), - ), - ( - "classifier", - AgglomerativeClustering( - n_clusters=None, - metric="precomputed", - linkage="average", - distance_threshold=d_threshold, - compute_distances=True, - ), - ), - ], - ) - return ferc1_pipe - - def fuel_by_plant_ferc1( fuel_df: pd.DataFrame, fuel_categories: list[str], thresh: float = 0.5 ) -> pd.DataFrame: @@ -422,9 +205,64 @@ def plants_steam_assign_plant_ids( # fillin these two str columns with empty strings for the model str_cols = ["plant_type", "construction_type"] ferc1_steam_df[str_cols] = ferc1_steam_df[str_cols].fillna(value="") + + fuel_cols = list(ferc1_steam_df.filter(regex=".*_fraction_mmbtu$").columns) + # Train the classifier using DEFAULT weights, parameters not listed here. - clf = make_ferc1_clf(ferc1_steam_df) - ferc1_steam_df["plant_id_ferc1"] = clf.fit_predict(ferc1_steam_df) + clf = CrossYearLinker( + **{ + "id_column": "plant_id_ferc1", + "column_transforms": [ + ColumnTransform( + **{ + "step_name": "plant_name_ferc1", + "columns": "plant_name_ferc1", + "transformer": "string", + "weight": 2.0, + } + ), + ColumnTransform( + **{ + "step_name": "plant_type", + "columns": ["plant_type"], + "transformer": "category", + "weight": 2.0, + } + ), + ColumnTransform( + **{ + "step_name": "construction_type", + "columns": ["construction_type"], + "transformer": "category", + } + ), + ColumnTransform( + **{ + "step_name": "capacity_mw", + "columns": ["capacity_mw"], + "transformer": "number", + } + ), + ColumnTransform( + **{ + "step_name": "utility_id_ferc1", + "columns": ["utility_id_ferc1"], + "transformer": "category", + } + ), + ColumnTransform( + **{ + "step_name": "fuel_fraction_mmbtu", + "columns": fuel_cols, + "transformer": Pipeline( + [("scaler", MinMaxScaler()), ("norm", Normalizer())] + ), + } + ), + ], + } + ) + ferc1_steam_df = clf.fit_predict(ferc1_steam_df) # Set the construction year back to numeric because it is. ferc1_steam_df["construction_year"] = pd.to_numeric( diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py new file mode 100644 index 0000000000..c1c4b340bb --- /dev/null +++ b/src/pudl/analysis/record_linkage/cross_year.py @@ -0,0 +1,224 @@ +"""Scikit-Learn classification pipeline for linking records between years. + +FERC does not publish plant IDs, so to be able to do any time-series analysis, it is +required to assign IDs ourselves. The pipeline has been generalized to work with any +inter-year record linkage problem. +""" +from typing import Any, Literal + +import numpy as np +import pandas as pd +from pydantic import BaseModel +from sklearn.base import BaseEstimator, TransformerMixin +from sklearn.cluster import AgglomerativeClustering +from sklearn.compose import ColumnTransformer +from sklearn.decomposition import PCA +from sklearn.feature_extraction.text import TfidfVectorizer +from sklearn.metrics import pairwise_distances +from sklearn.pipeline import Pipeline +from sklearn.preprocessing import MinMaxScaler, OneHotEncoder + +import pudl + +logger = pudl.logging_helpers.get_logger(__name__) + + +_TFIDF_DEFAULT_OPTIONS = { + "analyzer": "char", + "ngram_range": (2, 10), +} + +_ONE_HOT_DEFAULT_OPTIONS = { + "categories": "auto", +} + + +class ColumnTransform(BaseModel): + """Configuration for a single column transform in the CrossYearLinker. + + Defines a scikit-learn transformer to be used by a ColumnTransformer. See + https://scikit-learn.org/stable/modules/generated/sklearn.compose.ColumnTransformer.html#sklearn.compose.ColumnTransformer + for more information. The full set of column transforms will transform the + input DataFrame into a feature matrix that will be to cluster records. + + The 'transformer' should be a string or an initialized scikit-learn BaseEstimator. + If it is a string, it should be one of the following: + 'string' - Applies a TfidfVectorizer to the column. + 'category' - Applies a OneHotEncoder to the column. + 'number' - Applies a MinMaxScaler to the column. + """ + + step_name: str + columns: list[str] | str + transformer: BaseEstimator | Literal["string", "category", "number"] + transformer_options: dict[str, Any] = {} + weight: float = 1.0 + + # This can be handled more elegantly in Pydantic 2.0. + class Config: + """To allow a BaseEstimator for 'transformer', arbitrary types must be allowed.""" + + arbitrary_types_allowed = True + + def as_step(self) -> tuple[str, BaseEstimator, list[str]]: + """Return tuple formatted as sklearn expects for pipeline step.""" + # Create transform from one of the default types + if isinstance(self.transformer, str): + if self.transformer == "string": + options = _TFIDF_DEFAULT_OPTIONS | self.transformer_options + transformer = TfidfVectorizer(**options) + elif self.transformer == "category": + options = _ONE_HOT_DEFAULT_OPTIONS | self.transformer_options + transformer = OneHotEncoder(**options) + elif self.transformer == "number": + options = self.transformer_options + transformer = MinMaxScaler(**options) + else: + raise RuntimeError( + f"Error: {self.transformer} must be either 'string', 'categor', 'number', or a scikit-learn BaseEstimator" + ) + elif isinstance(self.transformer, BaseEstimator): + transformer = self.transformer + else: + raise RuntimeError( + f"Error: {self.transformer} must be either 'string', 'categor', 'number', or a scikit-learn BaseEstimator" + ) + + return (self.step_name, transformer, self.columns) + + +class CrossYearLinker(BaseModel): + """Model config for a CrossYearLinker, which will link records within the same dataset. + + This model will apply a set of column transforms to create a feature matrix which + is used to determine distances between records and cluster similar ones. By default + the linker will apply PCA to reduce the dimensionality of the feature matrix, and + will apply a significant penalty to records from the same year to avoid matches + within a year. + """ + + id_column: str + column_transforms: list[ColumnTransform] + reduce_dims: int | None + penalize_same_year: bool = True + distance_metric: str = "euclidean" + distance_threshold: float = 1.5 + n_clusters: int | None = None + + class Config: + """To allow a BaseEstimator for 'transformer', arbitrary types must be allowed.""" + + arbitrary_types_allowed = True + + def fit_predict(self, df: pd.DataFrame): + """Construct scikit-learn Pipeline and apply it to input data to assign IDs.""" + if self.penalize_same_year: + distance_estimator = DistancePenalizeSameYear( + np.array(df.report_year), metric=self.distance_metric + ) + else: + distance_estimator = PrecomputeDistance(metric=self.distance_metric) + + pipeline = Pipeline( + [ + ( + "preprocess", + ColumnTransformer( + transformers=[ + transform.as_step() for transform in self.column_transforms + ], + transformer_weights={ + transform.step_name: transform.weight + for transform in self.column_transforms + }, + ), + ), + ( + "to_dense", + DenseTransformer(), + ), + ( + "dim_reduction", + PCA(copy=False, n_components=self.reduce_dims), + ), + ("precompute_dist", distance_estimator), + ( + "classifier", + AgglomerativeClustering( + n_clusters=self.n_clusters, + metric="precomputed", + linkage="average", + distance_threshold=self.distance_threshold, + compute_distances=True, + ), + ), + ] + ) + + df[self.id_column] = pipeline.fit_predict(df) + + return df + + +class PrecomputeDistance(BaseEstimator, TransformerMixin): + """Precompute distances which are used during clustering and prediction.""" + + def __init__(self, metric="euclidean"): + """Initialize with distance metric.""" + self.metric = metric + + def fit(self, X, y=None, **fit_params): # noqa: N803 + """Required by scikit-learn, but does not modify anything.""" + return self + + def transform(self, X, y=None, **fit_params): # noqa: N803 + """Compute distance between records then add penalty to records from same year.""" + return pairwise_distances(X, metric=self.metric) + + +class DistancePenalizeSameYear(PrecomputeDistance): + """Custom estimator to compute distances used to identify clusters of plants.""" + + def __init__(self, report_years: np.array, metric="euclidean", penalty=100): + """Initialize estimator with configurable parameters. + + Args: + report_years: reporty_year column used to penalize distance for records + from same year. + metric: Distance metric to use in computation. + penalty: Penalty to apply to records with the same report year. + """ + self.report_years = report_years + self.metric = metric + self.penalty = penalty + + def fit(self, X, y=None, **fit_params): # noqa: N803 + """Required by scikit-learn, but does not modify anything.""" + return self + + def transform(self, X, y=None, **fit_params): # noqa: N803 + """Compute distance between records then add penalty to records from same year.""" + dist_matrix = super().transform(X) + + # Create penalty matrix + # Probably not the most elegant way to handle this + penalty_matrix = pairwise_distances(self.report_years.reshape(-1, 1)) + penalty_matrix += self.penalty + penalty_matrix[penalty_matrix > self.penalty] = 0 + + # distance from node to itself should still be 0 + np.fill_diagonal(penalty_matrix, 0) + dist_matrix += penalty_matrix + return dist_matrix + + +class DenseTransformer(BaseEstimator, TransformerMixin): + """Convert sparse numpy matrix to dense numpy array.""" + + def fit(self, X, y=None, **fit_params): # noqa: N803 + """No modifications made during fitting.""" + return self + + def transform(self, X, y=None, **fit_params): # noqa: N803 + """No modifications made during fitting.""" + return np.asarray(np.float32(X.todense())) From 586b973be7265950e1b754ae46b0d5d5b302c159 Mon Sep 17 00:00:00 2001 From: zschira Date: Sat, 18 Nov 2023 15:24:44 +0000 Subject: [PATCH 08/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 20 +-- environments/conda-lock.yml | 240 +++++++++++++------------- environments/conda-osx-64.lock.yml | 20 +-- environments/conda-osx-arm64.lock.yml | 20 +-- 4 files changed, 150 insertions(+), 150 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index b771c192ef..8277e93f0c 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -7,7 +7,7 @@ channels: - defaults dependencies: - _libgcc_mutex=0.1=conda_forge - - ca-certificates=2023.7.22=hbcca054_0 + - ca-certificates=2023.11.17=hbcca054_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 - font-ttf-source-code-pro=2.038=h77eed37_0 @@ -101,7 +101,7 @@ dependencies: - libsqlite=3.44.0=h2797004_0 - libssh2=1.11.0=h0841786_0 - libxcb=1.15=h0b41bf4_0 - - libxml2=2.11.5=h232c23b_1 + - libxml2=2.11.6=h232c23b_0 - libzip=1.10.1=h2629f0a_3 - pcre2=10.42=hcad00b1_0 - readline=8.2=h8228510_1 @@ -153,7 +153,7 @@ dependencies: - cachy=0.3.0=pyhd8ed1ab_1 - catalystcoop.dbfread=3.0.0=py_0 - cchardet=2.1.7=py311hb755f60_5 - - certifi=2023.7.22=pyhd8ed1ab_0 + - certifi=2023.11.17=pyhd8ed1ab_0 - cfgv=3.3.1=pyhd8ed1ab_0 - chardet=5.2.0=py311h38be061_1 - charset-normalizer=3.3.2=pyhd8ed1ab_0 @@ -196,7 +196,7 @@ dependencies: - iniconfig=2.0.0=pyhd8ed1ab_0 - itsdangerous=2.1.2=pyhd8ed1ab_0 - jeepney=0.8.0=pyhd8ed1ab_0 - - jellyfish=1.0.1=py311h46250e7_1 + - jellyfish=1.0.3=py311h46250e7_0 - jmespath=1.0.1=pyhd8ed1ab_0 - json5=0.9.14=pyhd8ed1ab_0 - jsonpointer=2.4=py311h38be061_3 @@ -265,7 +265,7 @@ dependencies: - rpds-py=0.13.0=py311h46250e7_0 - rtree=1.1.0=py311h3bb2b0f_0 - ruamel.yaml.clib=0.2.7=py311h459d7ec_2 - - ruff=0.1.5=py311h7145743_0 + - ruff=0.1.6=py311h7145743_0 - send2trash=1.8.2=pyh41d4057_0 - setuptools=68.2.2=pyhd8ed1ab_0 - shellingham=1.5.4=pyhd8ed1ab_0 @@ -315,7 +315,7 @@ dependencies: - asgiref=3.7.2=pyhd8ed1ab_0 - asttokens=2.4.1=pyhd8ed1ab_0 - async-lru=2.0.4=pyhd8ed1ab_0 - - aws-c-auth=0.7.6=h37ad1db_0 + - aws-c-auth=0.7.7=h37ad1db_0 - aws-c-mqtt=0.9.9=h1387108_0 - babel=2.13.1=pyhd8ed1ab_0 - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0 @@ -400,8 +400,8 @@ dependencies: - argon2-cffi-bindings=21.2.0=py311h459d7ec_4 - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - - aws-c-s3=0.3.24=h7630044_0 - - botocore=1.32.2=pyhd8ed1ab_0 + - aws-c-s3=0.3.24=hdb3bed3_1 + - botocore=1.32.3=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h63ff55d_0 @@ -449,7 +449,7 @@ dependencies: - alembic=1.12.1=pyhd8ed1ab_0 - arelle-release=2.17.4=pyhd8ed1ab_0 - argon2-cffi=23.1.0=pyhd8ed1ab_0 - - aws-crt-cpp=0.24.7=h4712614_1 + - aws-crt-cpp=0.24.7=hd0f6be0_2 - black=23.10.1=py311h38be061_0 - bottleneck=1.3.7=py311h1f0f07a_1 - cachecontrol=0.13.1=pyhd8ed1ab_0 @@ -551,7 +551,7 @@ dependencies: - gcsfs=2023.10.0=pyhd8ed1ab_0 - jupyter-lsp=2.2.0=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - - jupyterlab_server=2.25.1=pyhd8ed1ab_0 + - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h61ff412_3_cpu - nbconvert=7.11.0=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index 28082c732e..19e34ca7a4 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -42,14 +42,14 @@ package: category: main optional: false - name: ca-certificates - version: 2023.7.22 + version: 2023.11.17 manager: conda platform: linux-64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/linux-64/ca-certificates-2023.7.22-hbcca054_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/ca-certificates-2023.11.17-hbcca054_0.conda hash: - md5: a73ecd2988327ad4c8f2c331482917f2 - sha256: 525b7b6b5135b952ec1808de84e5eca57c7c7ff144e29ef3e96ae4040ff432c1 + md5: 01ffc8d36f9eba0ce0b3c1955fa780ee + sha256: fb4b9f4b7d885002db0b93e22f44b5b03791ef3d4efdc9d0662185a0faafd6b6 category: main optional: false - name: font-ttf-dejavu-sans-mono @@ -1223,7 +1223,7 @@ package: category: main optional: false - name: libxml2 - version: 2.11.5 + version: 2.11.6 manager: conda platform: linux-64 dependencies: @@ -1232,10 +1232,10 @@ package: libiconv: ">=1.17,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" xz: ">=5.2.6,<6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libxml2-2.11.5-h232c23b_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/libxml2-2.11.6-h232c23b_0.conda hash: - md5: f3858448893839820d4bcfb14ad3ecdf - sha256: 1b3cb6864de1a558ea5fb144c780121d52507837d15df0600491d8ed92cff90c + md5: 427a3e59d66cb5d145020bd9c6493334 + sha256: e6183d5e57ee48cc1fc4340477c31a6bd8be4d3ba5dded82cbca0d5280591086 category: main optional: false - name: libzip @@ -1989,15 +1989,15 @@ package: category: main optional: false - name: certifi - version: 2023.7.22 + version: 2023.11.17 manager: conda platform: linux-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.7.22-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda hash: - md5: 7f3dbc9179b4dde7da98dfb151d0ad22 - sha256: db66e31866ff4250c190788769e3a8a1709237c3e9c38d7143aae95ab75fcb31 + md5: 2011bcf45376341dd1d690263fdbc789 + sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 category: main optional: false - name: cfgv @@ -2536,17 +2536,17 @@ package: category: main optional: false - name: jellyfish - version: 1.0.1 + version: 1.0.3 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/jellyfish-1.0.1-py311h46250e7_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/jellyfish-1.0.3-py311h46250e7_0.conda hash: - md5: 6f38f2017654d124c2745fad7eb96968 - sha256: e457cd8d073edf0ac698d2bd87f4255e0fe086470018ec8b58b9699c686f6129 + md5: de10f4eb49991618d3c97123d5ecd70d + sha256: 3cb4412f397490b3905bbf49f952bfd70be155ba63dcc1972c4a4e0e0cd5a437 category: main optional: false - name: jmespath @@ -3436,7 +3436,7 @@ package: category: main optional: false - name: ruff - version: 0.1.5 + version: 0.1.6 manager: conda platform: linux-64 dependencies: @@ -3444,10 +3444,10 @@ package: libstdcxx-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/ruff-0.1.5-py311h7145743_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/ruff-0.1.6-py311h7145743_0.conda hash: - md5: fb689551fcdea23b9edbe3aefea691b0 - sha256: 957be00fcff45d338024a7623f4016de3e59265f005e1216c5b2d178f82a1ace + md5: aff8387edd5157da054c4b46cc38ffdc + sha256: dd8f7a3e2e7bc65fb6c2c32aae79ebc8623c6b87cbdbc8d2651be9ccd63e29d0 category: main optional: false - name: send2trash @@ -4063,7 +4063,7 @@ package: category: main optional: false - name: aws-c-auth - version: 0.7.6 + version: 0.7.7 manager: conda platform: linux-64 dependencies: @@ -4073,10 +4073,10 @@ package: aws-c-io: ">=0.13.35,<0.13.36.0a0" aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-auth-0.7.6-h37ad1db_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-auth-0.7.7-h37ad1db_0.conda hash: - md5: 31836ccf72bc70ce2ec38a2ec2c8b504 - sha256: 6f44ef79e2ab5005961847cdefd2a71aa3a33c741adc77e774ac9dbedd9a2f81 + md5: c66539c2b4f100003e7dbba698585f00 + sha256: 2dd3dd679d242ef644271891916e8153ee5ec87cb94a2c9036b35d8760ceaca2 category: main optional: false - name: aws-c-mqtt @@ -5301,7 +5301,7 @@ package: manager: conda platform: linux-64 dependencies: - aws-c-auth: ">=0.7.6,<0.7.7.0a0" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" aws-c-http: ">=0.7.14,<0.7.15.0a0" @@ -5309,14 +5309,14 @@ package: aws-checksums: ">=0.1.17,<0.1.18.0a0" libgcc-ng: ">=12" openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-s3-0.3.24-h7630044_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-s3-0.3.24-hdb3bed3_1.conda hash: - md5: 527d813e1a1cfe40902d2254937b404b - sha256: 1f276b336ac57166541b1327264639547c7073b30e309502c77ab6eb113ff37c + md5: de14e39bcd4721b040f77aa37f241ff1 + sha256: 421069b755bf6f0091ef168d718612503b820005af3306781d4583e193d14a2e category: main optional: false - name: botocore - version: 1.32.2 + version: 1.32.3 manager: conda platform: linux-64 dependencies: @@ -5324,10 +5324,10 @@ package: python: ">=3.7" python-dateutil: ">=2.1,<3.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.3-pyhd8ed1ab_0.conda hash: - md5: 303d0f8f09c41c07b18b9a1112cec29b - sha256: 621ee76f9d1e741039513e94ef3e4d3442f76098d863f50474ec60d823ef11ae + md5: 475a711b6ce1effb487afda9ea6bd3c8 + sha256: 3fc12b5154c48132ce5bd9abdc5fc55ef4433d42245dbcdaf3065cabb60b8295 category: main optional: false - name: branca @@ -6078,7 +6078,7 @@ package: manager: conda platform: linux-64 dependencies: - aws-c-auth: ">=0.7.6,<0.7.7.0a0" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" @@ -6089,10 +6089,10 @@ package: aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" libgcc-ng: ">=12" libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-crt-cpp-0.24.7-h4712614_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-crt-cpp-0.24.7-hd0f6be0_2.conda hash: - md5: 25b0124936225427980b8b7ab65f1ce2 - sha256: 63ca05c2c38d1a7f691c7988c213669ecba16d17419f861e37011e668ba765ae + md5: dad2a20d6cec858052e7fdb6ee6741d7 + sha256: 8082e5ae80900e04321d08c41772469bc89714e78b8b331d3d7b0a278cf22cb2 category: main optional: false - name: black @@ -7974,7 +7974,7 @@ package: category: dev optional: true - name: jupyterlab_server - version: 2.25.1 + version: 2.25.2 manager: conda platform: linux-64 dependencies: @@ -7987,10 +7987,10 @@ package: packaging: ">=21.3" python: ">=3.8" requests: ">=2.31" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda hash: - md5: 5cf15f8fd42c77af4eb1611fe614df2f - sha256: 5f373d9adc11b6d49bee06a4c6bea9623fff1d2a0b798edc2e3f594680aa18f3 + md5: f45557d5551b54dc2a74133a310bc1ba + sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b category: main optional: false - name: libarrow-substrait @@ -8340,14 +8340,14 @@ package: category: main optional: false - name: ca-certificates - version: 2023.7.22 + version: 2023.11.17 manager: conda platform: osx-64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/ca-certificates-2023.7.22-h8857fd0_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/ca-certificates-2023.11.17-h8857fd0_0.conda hash: - md5: bf2c54c18997bf3542af074c10191771 - sha256: 27de15e18a12117e83ac1eb8a8e52eb65731cc7f0b607a7922206a15e2460c7b + md5: c687e9d14c49e3d3946d50a413cdbf16 + sha256: 7e05d80a97beb7cb7492fae38584a68d51f338a5eddf73a14b5bd266597db90e category: main optional: false - name: font-ttf-dejavu-sans-mono @@ -9009,7 +9009,7 @@ package: category: main optional: false - name: libxml2 - version: 2.11.5 + version: 2.11.6 manager: conda platform: osx-64 dependencies: @@ -9017,10 +9017,10 @@ package: libiconv: ">=1.17,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" xz: ">=5.2.6,<6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libxml2-2.11.5-h3346baf_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/libxml2-2.11.6-hc0ae0f7_0.conda hash: - md5: 7584dee6af7de378aed0ae49aebedb8a - sha256: d901fab32e57a43c44e630fb1c4d0a163d23b109eecd6c68b9ee371800760bca + md5: 2b6ec8c6366ea74db4b910469addad1d + sha256: b5b1c3df3e6d0d294764938e79d7f413191cc5b1af2ede49f42b1df04d068a18 category: main optional: false - name: lz4-c @@ -9916,7 +9916,7 @@ package: category: main optional: false - name: aws-c-auth - version: 0.7.6 + version: 0.7.7 manager: conda platform: osx-64 dependencies: @@ -9925,10 +9925,10 @@ package: aws-c-http: ">=0.7.14,<0.7.15.0a0" aws-c-io: ">=0.13.35,<0.13.36.0a0" aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-auth-0.7.6-hc3630cc_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-auth-0.7.7-hc3630cc_0.conda hash: - md5: 1d23f626932e996892200295251d3f21 - sha256: c377f6d42e895409fef51d868f0061b4a99cbf728030abcde318a37a12c0518a + md5: 8f5d20d754ea27da53eb460024433f43 + sha256: 85c3821bc400bd32bff92e2da4db3fc7404acb8f662a6a2926c18f63cb5e9e01 category: main optional: false - name: aws-c-mqtt @@ -10093,15 +10093,15 @@ package: category: main optional: false - name: certifi - version: 2023.7.22 + version: 2023.11.17 manager: conda platform: osx-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.7.22-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda hash: - md5: 7f3dbc9179b4dde7da98dfb151d0ad22 - sha256: db66e31866ff4250c190788769e3a8a1709237c3e9c38d7143aae95ab75fcb31 + md5: 2011bcf45376341dd1d690263fdbc789 + sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 category: main optional: false - name: cfgv @@ -10549,16 +10549,16 @@ package: category: main optional: false - name: jellyfish - version: 1.0.1 + version: 1.0.3 manager: conda platform: osx-64 dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/jellyfish-1.0.1-py311h299eb51_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/jellyfish-1.0.3-py311h5e0f0e4_0.conda hash: - md5: ce10e6fb23ec2fe23918de203236fbf2 - sha256: 17d786d60c76d882dd626423131ae17ed59b79bd4da08470944517ed28651557 + md5: 6229bd3463f162abe20e7d12148f59f5 + sha256: 6ba0f5f9fba8b231520a595cfc86a3f05ab0613ced553d3e5fa45187475eec23 category: main optional: false - name: jmespath @@ -11419,7 +11419,7 @@ package: category: main optional: false - name: ruff - version: 0.1.5 + version: 0.1.6 manager: conda platform: osx-64 dependencies: @@ -11427,10 +11427,10 @@ package: libcxx: ">=16.0.6" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/ruff-0.1.5-py311hec6fdf1_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/ruff-0.1.6-py311hec6fdf1_0.conda hash: - md5: ff29608b152cbd76c422ad3f97004876 - sha256: ec15e79d5131afdd4592f7c1a878df0b7a8e022d5b644ab9fcb8d431915b4082 + md5: f0fa30260ad0ac05ef120b758c68d7ba + sha256: 2587bd6a04c6a1178b63438de97c091bcfca15f9bb5ea0d6a1f109a66187e33e category: main optional: false - name: setuptools @@ -12004,16 +12004,16 @@ package: manager: conda platform: osx-64 dependencies: - aws-c-auth: ">=0.7.6,<0.7.7.0a0" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" aws-c-http: ">=0.7.14,<0.7.15.0a0" aws-c-io: ">=0.13.35,<0.13.36.0a0" aws-checksums: ">=0.1.17,<0.1.18.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-s3-0.3.24-hb1cbb54_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-s3-0.3.24-h4293da7_1.conda hash: - md5: 1ecf15003d2a41c0c3a834c0c8df2201 - sha256: e6f91423b15e0501e8f635d740cb2db39c057e97036e870aaf11b3a63a576335 + md5: f336309a54f8846a21bed05b1dc8f419 + sha256: d78f1c4ff3b64c689db39e5a0771e311db1a4fbe7bc01256881215de5fc100fe category: main optional: false - name: babel @@ -13196,7 +13196,7 @@ package: platform: osx-64 dependencies: __osx: ">=10.9" - aws-c-auth: ">=0.7.6,<0.7.7.0a0" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" @@ -13206,14 +13206,14 @@ package: aws-c-s3: ">=0.3.24,<0.3.25.0a0" aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-crt-cpp-0.24.7-ha2eb20f_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/aws-crt-cpp-0.24.7-h0a75192_2.conda hash: - md5: 1646058bbdbc33430fd3959a4460b3a0 - sha256: 59df54ce67ba92330c2a449bd77d0f9db6ae8ce6a2aee86d73e84f239bcb1a45 + md5: e32ea3580856d5e269fd107ea37f641a + sha256: ed33d09614d9133a440dd29ea804fc785311dcab6477f74d5fc278cdc887d5e1 category: main optional: false - name: botocore - version: 1.32.2 + version: 1.32.3 manager: conda platform: osx-64 dependencies: @@ -13221,10 +13221,10 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.3-pyhd8ed1ab_0.conda hash: - md5: 303d0f8f09c41c07b18b9a1112cec29b - sha256: 621ee76f9d1e741039513e94ef3e4d3442f76098d863f50474ec60d823ef11ae + md5: 475a711b6ce1effb487afda9ea6bd3c8 + sha256: 3fc12b5154c48132ce5bd9abdc5fc55ef4433d42245dbcdaf3065cabb60b8295 category: main optional: false - name: branca @@ -15806,7 +15806,7 @@ package: category: dev optional: true - name: jupyterlab_server - version: 2.25.1 + version: 2.25.2 manager: conda platform: osx-64 dependencies: @@ -15819,10 +15819,10 @@ package: json5: ">=0.9.0" requests: ">=2.31" jsonschema: ">=4.18" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda hash: - md5: 5cf15f8fd42c77af4eb1611fe614df2f - sha256: 5f373d9adc11b6d49bee06a4c6bea9623fff1d2a0b798edc2e3f594680aa18f3 + md5: f45557d5551b54dc2a74133a310bc1ba + sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b category: main optional: false - name: nbconvert @@ -16155,14 +16155,14 @@ package: category: main optional: false - name: ca-certificates - version: 2023.7.22 + version: 2023.11.17 manager: conda platform: osx-arm64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/ca-certificates-2023.7.22-hf0a4a13_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/ca-certificates-2023.11.17-hf0a4a13_0.conda hash: - md5: e1b99ac4dbcee71a71682996f67f7965 - sha256: b220c001b0c1448a47cc49b42a622e06a540ec60b3f7a1e057fca1f37ce515e4 + md5: c01da7c77cfcba2107174e25c1d47384 + sha256: 75f4762a55f7e9453a603c967d549bfa0a7a9669d502d103cb6fbf8c86d993c6 category: main optional: false - name: font-ttf-dejavu-sans-mono @@ -16835,7 +16835,7 @@ package: category: main optional: false - name: libxml2 - version: 2.11.5 + version: 2.11.6 manager: conda platform: osx-arm64 dependencies: @@ -16843,10 +16843,10 @@ package: libiconv: ">=1.17,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" xz: ">=5.2.6,<6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libxml2-2.11.5-h25269f3_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/libxml2-2.11.6-h0d0cfa8_0.conda hash: - md5: 627b5d1377536b5b632ba53cd1455555 - sha256: 8291549b87aca48e9cd4aec124af01b5037acd16f8ad14083d7af23c8bb6bebe + md5: 37e112ce9494adfcee6c0c7bf3b5d98d + sha256: 07d2da8f3fb00fb6f84cd36b5329174b878105889f0fe21e79981f27573b47af category: main optional: false - name: lz4-c @@ -17729,7 +17729,7 @@ package: category: main optional: false - name: aws-c-auth - version: 0.7.6 + version: 0.7.7 manager: conda platform: osx-arm64 dependencies: @@ -17738,10 +17738,10 @@ package: aws-c-http: ">=0.7.14,<0.7.15.0a0" aws-c-io: ">=0.13.35,<0.13.36.0a0" aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-auth-0.7.6-h30f9597_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-auth-0.7.7-h30f9597_0.conda hash: - md5: 91a5e2b3608eaa0760c0921e00cad72c - sha256: 349efb5d66e108cfe21df0cf62209f5175b7a59b99ef7bf96f841274ccb2cc56 + md5: 1d28beae816e8cb52bfe5f16cb62296b + sha256: cf93aa7371f55d779c6af63ce6386f63fcb82b8d924d1aa1be7928c758ae65a5 category: main optional: false - name: aws-c-mqtt @@ -17906,15 +17906,15 @@ package: category: main optional: false - name: certifi - version: 2023.7.22 + version: 2023.11.17 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.7.22-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda hash: - md5: 7f3dbc9179b4dde7da98dfb151d0ad22 - sha256: db66e31866ff4250c190788769e3a8a1709237c3e9c38d7143aae95ab75fcb31 + md5: 2011bcf45376341dd1d690263fdbc789 + sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 category: main optional: false - name: cfgv @@ -18362,16 +18362,16 @@ package: category: main optional: false - name: jellyfish - version: 1.0.1 + version: 1.0.3 manager: conda platform: osx-arm64 dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/jellyfish-1.0.1-py311h0563b04_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/jellyfish-1.0.3-py311h94f323b_0.conda hash: - md5: edfdb1003442aef78df1f53fe2eb2404 - sha256: c6ca4d92eddd8c8ecbe476e60b62ec05fa38d8cd0025e4585956b11c77b30315 + md5: e93dd373d5a02f378d9ff392627572a1 + sha256: fb44932ed3a86e55503f4c0216eff59e47a409e1d18fab4714130692d4f8a9af category: main optional: false - name: jmespath @@ -19232,7 +19232,7 @@ package: category: main optional: false - name: ruff - version: 0.1.5 + version: 0.1.6 manager: conda platform: osx-arm64 dependencies: @@ -19240,10 +19240,10 @@ package: libcxx: ">=16.0.6" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/ruff-0.1.5-py311h6fc163c_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/ruff-0.1.6-py311h6fc163c_0.conda hash: - md5: 24659c389d8601c8076fb9401f3c59ed - sha256: a496efea6c4723c7a0e9ef11f38c8237c913ff3b6911085f1793885d102101a5 + md5: c9ff47502a21c1d072e8da209d9efba3 + sha256: 8bde8b2d66f34a242ea6759df3c21f3321d17a8cdb4d421ae489f97f42452920 category: main optional: false - name: setuptools @@ -19817,16 +19817,16 @@ package: manager: conda platform: osx-arm64 dependencies: - aws-c-auth: ">=0.7.6,<0.7.7.0a0" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" aws-c-http: ">=0.7.14,<0.7.15.0a0" aws-c-io: ">=0.13.35,<0.13.36.0a0" aws-checksums: ">=0.1.17,<0.1.18.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-s3-0.3.24-h3940a1a_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-s3-0.3.24-h2bce37b_1.conda hash: - md5: 180d51c04b2aa410b4dc9bd52f50f85c - sha256: fcbd618d77dc87ce337e7217edc2c59474ae8e30b784e82c121c2e6f8a9bdb5a + md5: 219fd27c7fc531e45269878f2979c5df + sha256: bdd562f3a64992385fffc69f134e4d3d5c7096423c839c785020facf3615bac9 category: main optional: false - name: babel @@ -21009,7 +21009,7 @@ package: platform: osx-arm64 dependencies: __osx: ">=10.9" - aws-c-auth: ">=0.7.6,<0.7.7.0a0" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" @@ -21019,14 +21019,14 @@ package: aws-c-s3: ">=0.3.24,<0.3.25.0a0" aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-crt-cpp-0.24.7-h2da6921_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-crt-cpp-0.24.7-h528e168_2.conda hash: - md5: b5bbdbe1fbbf0884ec5c95491e0f9b12 - sha256: 15d1692fcd638d6a94695e2f655333dc3007bcb43d475706078ed767cdf106a1 + md5: a01004b3736f99828d34191521a648ad + sha256: 38b5b5a93a0218586ee135cce4fce58c20b6be9cad8a7319d2bc83b3eee74668 category: main optional: false - name: botocore - version: 1.32.2 + version: 1.32.3 manager: conda platform: osx-arm64 dependencies: @@ -21034,10 +21034,10 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.3-pyhd8ed1ab_0.conda hash: - md5: 303d0f8f09c41c07b18b9a1112cec29b - sha256: 621ee76f9d1e741039513e94ef3e4d3442f76098d863f50474ec60d823ef11ae + md5: 475a711b6ce1effb487afda9ea6bd3c8 + sha256: 3fc12b5154c48132ce5bd9abdc5fc55ef4433d42245dbcdaf3065cabb60b8295 category: main optional: false - name: branca @@ -23618,7 +23618,7 @@ package: category: dev optional: true - name: jupyterlab_server - version: 2.25.1 + version: 2.25.2 manager: conda platform: osx-arm64 dependencies: @@ -23631,10 +23631,10 @@ package: json5: ">=0.9.0" requests: ">=2.31" jsonschema: ">=4.18" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda hash: - md5: 5cf15f8fd42c77af4eb1611fe614df2f - sha256: 5f373d9adc11b6d49bee06a4c6bea9623fff1d2a0b798edc2e3f594680aa18f3 + md5: f45557d5551b54dc2a74133a310bc1ba + sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b category: main optional: false - name: nbconvert diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index e7b68ceec1..259bd74c97 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -9,7 +9,7 @@ dependencies: - aws-c-common=0.9.8=h10d778d_0 - bzip2=1.0.8=h10d778d_5 - c-ares=1.21.0=h10d778d_0 - - ca-certificates=2023.7.22=h8857fd0_0 + - ca-certificates=2023.11.17=h8857fd0_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 - font-ttf-source-code-pro=2.038=h77eed37_0 @@ -67,7 +67,7 @@ dependencies: - libspatialindex=1.9.3=he49afe7_4 - libsqlite=3.44.0=h92b6c6a_0 - libxcb=1.15=hb7f2c08_0 - - libxml2=2.11.5=h3346baf_1 + - libxml2=2.11.6=hc0ae0f7_0 - lz4-c=1.9.4=hf0c8a7f_0 - ncurses=6.4=h93d8f39_2 - nspr=4.35=hea0b92c_0 @@ -132,7 +132,7 @@ dependencies: - appnope=0.1.3=pyhd8ed1ab_0 - astroid=3.0.1=py311h6eed73b_0 - attrs=23.1.0=pyh71513ae_1 - - aws-c-auth=0.7.6=hc3630cc_0 + - aws-c-auth=0.7.7=hc3630cc_0 - aws-c-mqtt=0.9.9=h5e4a26e_0 - backoff=2.2.1=pyhd8ed1ab_0 - backports=1.0=pyhd8ed1ab_3 @@ -145,7 +145,7 @@ dependencies: - cairo=1.18.0=h99e66fa_0 - catalystcoop.dbfread=3.0.0=py_0 - cchardet=2.1.7=py311hdf8f085_5 - - certifi=2023.7.22=pyhd8ed1ab_0 + - certifi=2023.11.17=pyhd8ed1ab_0 - cfgv=3.3.1=pyhd8ed1ab_0 - chardet=5.2.0=py311h6eed73b_1 - charset-normalizer=3.3.2=pyhd8ed1ab_0 @@ -182,7 +182,7 @@ dependencies: - imagesize=1.4.1=pyhd8ed1ab_0 - iniconfig=2.0.0=pyhd8ed1ab_0 - itsdangerous=2.1.2=pyhd8ed1ab_0 - - jellyfish=1.0.1=py311h299eb51_1 + - jellyfish=1.0.3=py311h5e0f0e4_0 - jmespath=1.0.1=pyhd8ed1ab_0 - json5=0.9.14=pyhd8ed1ab_0 - jsonpointer=2.4=py311h6eed73b_3 @@ -249,7 +249,7 @@ dependencies: - rpds-py=0.13.0=py311h5e0f0e4_0 - rtree=1.1.0=py311hbc1f44b_0 - ruamel.yaml.clib=0.2.7=py311h2725bcf_2 - - ruff=0.1.5=py311hec6fdf1_0 + - ruff=0.1.6=py311hec6fdf1_0 - setuptools=68.2.2=pyhd8ed1ab_0 - shellingham=1.5.4=pyhd8ed1ab_0 - simpleeval=0.9.13=pyhd8ed1ab_1 @@ -296,7 +296,7 @@ dependencies: - asgiref=3.7.2=pyhd8ed1ab_0 - asttokens=2.4.1=pyhd8ed1ab_0 - async-lru=2.0.4=pyhd8ed1ab_0 - - aws-c-s3=0.3.24=hb1cbb54_0 + - aws-c-s3=0.3.24=h4293da7_1 - babel=2.13.1=pyhd8ed1ab_0 - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0 - beautifulsoup4=4.12.2=pyha770c72_0 @@ -380,8 +380,8 @@ dependencies: - argon2-cffi-bindings=21.2.0=py311h2725bcf_4 - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - - aws-crt-cpp=0.24.7=ha2eb20f_1 - - botocore=1.32.2=pyhd8ed1ab_0 + - aws-crt-cpp=0.24.7=h0a75192_2 + - botocore=1.32.3=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311hd51016d_0 @@ -530,7 +530,7 @@ dependencies: - gcsfs=2023.10.0=pyhd8ed1ab_0 - jupyter-lsp=2.2.0=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - - jupyterlab_server=2.25.1=pyhd8ed1ab_0 + - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - nbconvert=7.11.0=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 - pyarrow=14.0.1=py311h98a0319_3_cpu diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index ce2dfcb44a..8f55796fdf 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -9,7 +9,7 @@ dependencies: - aws-c-common=0.9.8=h93a5062_0 - bzip2=1.0.8=h93a5062_5 - c-ares=1.21.0=h93a5062_0 - - ca-certificates=2023.7.22=hf0a4a13_0 + - ca-certificates=2023.11.17=hf0a4a13_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 - font-ttf-source-code-pro=2.038=h77eed37_0 @@ -68,7 +68,7 @@ dependencies: - libspatialindex=1.9.3=hbdafb3b_4 - libsqlite=3.44.0=h091b4b1_0 - libxcb=1.15=hf346824_0 - - libxml2=2.11.5=h25269f3_1 + - libxml2=2.11.6=h0d0cfa8_0 - lz4-c=1.9.4=hb7217d7_0 - ncurses=6.4=h463b476_2 - nspr=4.35=hb7217d7_0 @@ -132,7 +132,7 @@ dependencies: - appnope=0.1.3=pyhd8ed1ab_0 - astroid=3.0.1=py311h267d04e_0 - attrs=23.1.0=pyh71513ae_1 - - aws-c-auth=0.7.6=h30f9597_0 + - aws-c-auth=0.7.7=h30f9597_0 - aws-c-mqtt=0.9.9=h2364c62_0 - backoff=2.2.1=pyhd8ed1ab_0 - backports=1.0=pyhd8ed1ab_3 @@ -145,7 +145,7 @@ dependencies: - cairo=1.18.0=hd1e100b_0 - catalystcoop.dbfread=3.0.0=py_0 - cchardet=2.1.7=py311ha891d26_5 - - certifi=2023.7.22=pyhd8ed1ab_0 + - certifi=2023.11.17=pyhd8ed1ab_0 - cfgv=3.3.1=pyhd8ed1ab_0 - chardet=5.2.0=py311h267d04e_1 - charset-normalizer=3.3.2=pyhd8ed1ab_0 @@ -182,7 +182,7 @@ dependencies: - imagesize=1.4.1=pyhd8ed1ab_0 - iniconfig=2.0.0=pyhd8ed1ab_0 - itsdangerous=2.1.2=pyhd8ed1ab_0 - - jellyfish=1.0.1=py311h0563b04_1 + - jellyfish=1.0.3=py311h94f323b_0 - jmespath=1.0.1=pyhd8ed1ab_0 - json5=0.9.14=pyhd8ed1ab_0 - jsonpointer=2.4=py311h267d04e_3 @@ -249,7 +249,7 @@ dependencies: - rpds-py=0.13.0=py311h94f323b_0 - rtree=1.1.0=py311hd698ff7_0 - ruamel.yaml.clib=0.2.7=py311heffc1b2_2 - - ruff=0.1.5=py311h6fc163c_0 + - ruff=0.1.6=py311h6fc163c_0 - setuptools=68.2.2=pyhd8ed1ab_0 - shellingham=1.5.4=pyhd8ed1ab_0 - simpleeval=0.9.13=pyhd8ed1ab_1 @@ -296,7 +296,7 @@ dependencies: - asgiref=3.7.2=pyhd8ed1ab_0 - asttokens=2.4.1=pyhd8ed1ab_0 - async-lru=2.0.4=pyhd8ed1ab_0 - - aws-c-s3=0.3.24=h3940a1a_0 + - aws-c-s3=0.3.24=h2bce37b_1 - babel=2.13.1=pyhd8ed1ab_0 - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0 - beautifulsoup4=4.12.2=pyha770c72_0 @@ -380,8 +380,8 @@ dependencies: - argon2-cffi-bindings=21.2.0=py311heffc1b2_4 - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - - aws-crt-cpp=0.24.7=h2da6921_1 - - botocore=1.32.2=pyhd8ed1ab_0 + - aws-crt-cpp=0.24.7=h528e168_2 + - botocore=1.32.3=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h71175c2_0 @@ -530,7 +530,7 @@ dependencies: - gcsfs=2023.10.0=pyhd8ed1ab_0 - jupyter-lsp=2.2.0=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - - jupyterlab_server=2.25.1=pyhd8ed1ab_0 + - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - nbconvert=7.11.0=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 - pyarrow=14.0.1=py311h637fcfe_3_cpu From f5e4f1405fb8bac4667c70682c9d2c789aa3a038 Mon Sep 17 00:00:00 2001 From: zschira Date: Sat, 18 Nov 2023 16:13:50 -0500 Subject: [PATCH 09/60] Allow configurable column cleaning in generic inter-year linker --- .../record_linkage/classify_plants_ferc1.py | 26 +++++++++---------- .../analysis/record_linkage/cross_year.py | 17 ++++++++++++ 2 files changed, 29 insertions(+), 14 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index f2f9b3962a..3c2f93611f 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -182,13 +182,6 @@ def plants_steam_assign_plant_ids( # do this for us. logger.info("Identifying distinct large FERC plants for ID assignment.") - # scikit-learn still doesn't deal well with NA values (this will be fixed - # eventually) We need to massage the type and missing data for the - # Classifier to work. - ferc1_steam_df = pudl.helpers.fix_int_na( - ferc1_steam_df, columns=["construction_year"] - ) - # Grab fuel consumption proportions for use in assigning plant IDs: fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) @@ -198,13 +191,6 @@ def plants_steam_assign_plant_ids( on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], how="left", ) - # We need to fill the null values for these numerical feature vectors with - # zeros. not ideal, but the model requires dealing with nulls - null_to_zero = ffc + ["capacity_mw"] - ferc1_steam_df[null_to_zero] = ferc1_steam_df[null_to_zero].fillna(value=0.0) - # fillin these two str columns with empty strings for the model - str_cols = ["plant_type", "construction_type"] - ferc1_steam_df[str_cols] = ferc1_steam_df[str_cols].fillna(value="") fuel_cols = list(ferc1_steam_df.filter(regex=".*_fraction_mmbtu$").columns) @@ -227,6 +213,7 @@ def plants_steam_assign_plant_ids( "columns": ["plant_type"], "transformer": "category", "weight": 2.0, + "cleaning_ops": ["null_to_empty_str"], } ), ColumnTransform( @@ -234,6 +221,7 @@ def plants_steam_assign_plant_ids( "step_name": "construction_type", "columns": ["construction_type"], "transformer": "category", + "cleaning_ops": ["null_to_empty_str"], } ), ColumnTransform( @@ -241,6 +229,15 @@ def plants_steam_assign_plant_ids( "step_name": "capacity_mw", "columns": ["capacity_mw"], "transformer": "number", + "cleaning_ops": ["null_to_zero"], + } + ), + ColumnTransform( + **{ + "step_name": "construction_year", + "columns": ["construction_year"], + "transformer": "category", + "cleaning_ops": ["fix_int_na"], } ), ColumnTransform( @@ -257,6 +254,7 @@ def plants_steam_assign_plant_ids( "transformer": Pipeline( [("scaler", MinMaxScaler()), ("norm", Normalizer())] ), + "cleaning_ops": ["null_to_zero"], } ), ], diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py index c1c4b340bb..69e34f0c9c 100644 --- a/src/pudl/analysis/record_linkage/cross_year.py +++ b/src/pudl/analysis/record_linkage/cross_year.py @@ -32,6 +32,12 @@ "categories": "auto", } +_CLEANING_FUNCTIONS = { + "null_to_zero": lambda df, cols: df[cols].fillna(value=0.0), + "null_to_empty_str": lambda df, cols: df[cols].fillna(value=""), + "fix_int_na": lambda df, cols: pudl.helpers.fix_int_na(df, columns=cols)[cols], +} + class ColumnTransform(BaseModel): """Configuration for a single column transform in the CrossYearLinker. @@ -53,6 +59,7 @@ class ColumnTransform(BaseModel): transformer: BaseEstimator | Literal["string", "category", "number"] transformer_options: dict[str, Any] = {} weight: float = 1.0 + cleaning_ops: list[str] = [] # This can be handled more elegantly in Pydantic 2.0. class Config: @@ -60,6 +67,13 @@ class Config: arbitrary_types_allowed = True + def clean_columns(self, df): + """Perform configurable set of cleaning operations on inputs before pipeline.""" + for cleaning_op in self.cleaning_ops: + df[self.columns] = _CLEANING_FUNCTIONS[cleaning_op](df, self.columns) + + return df + def as_step(self) -> tuple[str, BaseEstimator, list[str]]: """Return tuple formatted as sklearn expects for pipeline step.""" # Create transform from one of the default types @@ -119,6 +133,9 @@ def fit_predict(self, df: pd.DataFrame): else: distance_estimator = PrecomputeDistance(metric=self.distance_metric) + for transform in self.column_transforms: + df = transform.clean_columns(df) + pipeline = Pipeline( [ ( From 30266815b8fec4954102645e32be5de2d7e7901f Mon Sep 17 00:00:00 2001 From: zschira Date: Sat, 18 Nov 2023 16:18:02 -0500 Subject: [PATCH 10/60] Remove old classify_plants_ferc1 module --- src/pudl/analysis/classify_plants_ferc1.py | 762 ------------------ .../record_linkage/classify_plants_ferc1.py | 36 + src/pudl/output/ferc1.py | 2 +- src/pudl/transform/ferc1.py | 5 +- 4 files changed, 38 insertions(+), 767 deletions(-) delete mode 100644 src/pudl/analysis/classify_plants_ferc1.py diff --git a/src/pudl/analysis/classify_plants_ferc1.py b/src/pudl/analysis/classify_plants_ferc1.py deleted file mode 100644 index 9a8e6a1096..0000000000 --- a/src/pudl/analysis/classify_plants_ferc1.py +++ /dev/null @@ -1,762 +0,0 @@ -"""Scikit-Learn classification pipeline for identifying related FERC 1 plant records. - -Sadly FERC doesn't provide any kind of real IDs for the plants that report to them -- -all we have is their names (a freeform string) and the data that is reported alongside -them. This is often enough information to be able to recognize which records ought to be -associated with each other year to year to create a continuous time series. However, we -want to do that programmatically, which means using some clustering / categorization -tools from scikit-learn -""" - -import re -from difflib import SequenceMatcher - -import networkx as nx # Used to knit incomplete ferc plant time series together. -import numpy as np -import pandas as pd -from sklearn.base import BaseEstimator, ClassifierMixin -from sklearn.compose import ColumnTransformer -from sklearn.feature_extraction.text import TfidfVectorizer - -# These modules are required for the FERC Form 1 Plant ID & Time Series -from sklearn.metrics.pairwise import cosine_similarity -from sklearn.pipeline import Pipeline -from sklearn.preprocessing import MinMaxScaler, Normalizer, OneHotEncoder - -import pudl - -logger = pudl.logging_helpers.get_logger(__name__) - - -class FERCPlantClassifier(BaseEstimator, ClassifierMixin): - """A classifier for identifying FERC plant time series in FERC Form 1 data. - - We want to be able to give the classifier a FERC plant record, and get back the - group of records(or the ID of the group of records) that it ought to be part of. - - There are hundreds of different groups of records, and we can only know what they - are by looking at the whole dataset ahead of time. This is the "fitting" step, in - which the groups of records resulting from a particular set of model parameters(e.g. - the weights that are attributes of the class) are generated. - - Once we have that set of record categories, we can test how well the classifier - performs, by checking it against test / training data which we have already - classified by hand. The test / training set is a list of lists of unique FERC plant - record IDs(each record ID is the concatenation of: report year, respondent id, - supplement number, and row number). It could also be stored as a dataframe where - each column is associated with a year of data(some of which could be empty). Not - sure what the best structure would be. - - If it's useful, we can assign each group a unique ID that is the time ordered - concatenation of each of the constituent record IDs. Need to understand what the - process for checking the classification of an input record looks like. - - To score a given classifier, we can look at what proportion of the records in the - test dataset are assigned to the same group as in our manual classification of those - records. There are much more complicated ways to do the scoring too... but for now - let's just keep it as simple as possible. - """ - - def __init__(self, plants_df: pd.DataFrame, min_sim: float = 0.75) -> None: - """Initialize the classifier. - - Args: - plants_df: The entire FERC Form 1 plant table as a dataframe. Needed in - order to calculate the distance metrics between all of the records so we - can group the plants in the fit() step, so we can check how well they - are categorized later... - min_sim: Number between 0.0 and 1.0, indicating the minimum value of - cosine similarity that we are willing to accept as indicating two - records are part of the same plant record time series. All entries in - the pairwise similarity matrix below this value will be zeroed out. - """ - self.min_sim = min_sim - self.plants_df = plants_df - self._years = self.plants_df.report_year.unique() # could we list() here? - - def fit( - self, X, y=None # noqa: N803 Canonical capital letter... - ) -> "FERCPlantClassifier": - """Use weighted FERC plant features to group records into time series. - - The fit method takes the vectorized, normalized, weighted FERC plant - features (X) as input, calculates the pairwise cosine similarity matrix - between all records, and groups the records in their best time series. - The similarity matrix and best time series are stored as data members - in the object for later use in scoring & predicting. - - This isn't quite the way a fit method would normally work. - - Args: - X: a sparse matrix of size n_samples x n_features. - y: Included only for API compatibility. - """ - self._cossim_df = pd.DataFrame(cosine_similarity(X)) - self._best_of = self._best_by_year() - # Make the best match indices integers rather than floats w/ NA values. - self._best_of[list(self._years)] = ( - self._best_of[list(self._years)].fillna(-1).astype(int) - ) - - return self - - def transform(self, X, y=None): # noqa: N803 - """Passthrough transform method -- just returns self.""" - return self - - def predict(self, X, y=None): # noqa: N803 - """Identify time series of similar records to input record_ids. - - Given a one-dimensional dataframe X, containing FERC record IDs, return - a dataframe in which each row corresponds to one of the input record_id - values (ordered as the input was ordered), with each column - corresponding to one of the years worth of data. Values in the returned - dataframe are the FERC record_ids of the record most similar to the - input record within that year. Some of them may be null, if there was - no sufficiently good match. - - Row index is the seed record IDs. Column index is years. - - Todo: - * This method is hideously inefficient. It should be vectorized. - * There's a line that throws a FutureWarning that needs to be fixed. - """ - try: - getattr(self, "_cossim_df") - except AttributeError: - raise RuntimeError("You must train classifer before predicting data!") - - tmp_best = pd.concat( - [ - self._best_of.loc[:, ["record_id"] + list(self._years)], - pd.DataFrame(data=[""], index=[-1], columns=["record_id"]), - ] - ) - out_dfs = [] - # For each record_id we've been given: - for x in X: - # Find the index associated with the record ID we are predicting - # a grouping for: - idx = tmp_best[tmp_best.record_id == x].index.to_numpy()[0] - - # Mask the best_of dataframe, keeping only those entries where - # the index of the chosen record_id appears -- this results in a - # huge dataframe almost full of NaN values. - w_m = ( - tmp_best[self._years][tmp_best[self._years] == idx] - # Grab the index values of the rows in the masked dataframe which - # are NOT all NaN -- these are the indices of the *other* records - # which found the record x to be one of their best matches. - .dropna(how="all").index.to_numpy() - ) - - # Now look up the indices of the records which were found to be - # best matches to the record x. - b_m = tmp_best.loc[idx, self._years].astype(int) - - # Here we require that there is no conflict between the two sets - # of indices -- that every time a record shows up in a grouping, - # that grouping is either the same, or a subset of the other - # groupings that it appears in. When no sufficiently good match - # is found the "index" in the _best_of array is set to -1, so - # requiring that the b_m value be >=0 screens out those no-match - # cases. This is okay -- we're just trying to require that the - # groupings be internally self-consistent, not that they are - # completely identical. Being flexible on this dramatically - # increases the number of records that get assigned a plant ID. - if np.array_equiv(w_m, b_m[b_m >= 0].to_numpy()): - # This line is causing a warning. In cases where there are - # some years no sufficiently good match exists, and so b_m - # doesn't contain an index. Instead, it has a -1 sentinel - # value, which isn't a label for which a record exists, which - # upsets .loc. Need to find some way around this... but for - # now it does what we want. We could use .iloc instead, but - # then the -1 sentinel value maps to the last entry in the - # dataframe, which also isn't what we want. Blargh. - new_grp = tmp_best.loc[b_m, "record_id"] - - # Stack the new list of record_ids on our output DataFrame: - out_dfs.append( - pd.DataFrame( - data=new_grp.to_numpy().reshape(1, len(self._years)), - index=pd.Index( - [tmp_best.loc[idx, "record_id"]], name="seed_id" - ), - columns=self._years, - ) - ) - return pd.concat(out_dfs) - - def score(self, X, y=None): # noqa: N803 - """Scores a collection of FERC plant categorizations. - - For every record ID in X, predict its record group and calculate - a metric of similarity between the prediction and the "ground - truth" group that was passed in for that value of X. - - Args: - X (pandas.DataFrame): an n_samples x 1 pandas dataframe of FERC - Form 1 record IDs. - y (pandas.DataFrame): a dataframe of "ground truth" FERC Form 1 - record groups, corresponding to the list record IDs in X - - Returns: - numpy.ndarray: The average of all the similarity metrics as the - score. - """ - scores = [] - for true_group in y: - true_group = str.split(true_group, sep=",") - true_group = [s for s in true_group if s != ""] - predicted_groups = self.predict(pd.DataFrame(true_group)) - for rec_id in true_group: - sm = SequenceMatcher(None, true_group, predicted_groups.loc[rec_id]) - scores = scores + [sm.ratio()] - - return np.mean(scores) - - def _best_by_year(self): - """Finds the best match for each plant record in each other year.""" - # only keep similarity matrix entries above our minimum threshold: - out_df = self.plants_df.copy() - sim_df = self._cossim_df[self._cossim_df >= self.min_sim] - - # Add a column for each of the years, in which we will store indices - # of the records which best match the record in question: - for yr in self._years: - newcol = yr - out_df[newcol] = -1 - - # seed_yr is the year we are matching *from* -- we do the entire - # matching process from each year, since it may not be symmetric: - for seed_yr in self._years: - seed_idx = self.plants_df.index[self.plants_df.report_year == seed_yr] - # match_yr is all the other years, in which we are finding the best - # match - for match_yr in self._years: - best_of_yr = match_yr - match_idx = self.plants_df.index[self.plants_df.report_year == match_yr] - # For each record specified by seed_idx, obtain the index of - # the record within match_idx that that is the most similar. - best_idx = sim_df.iloc[seed_idx, match_idx].idxmax(axis=1) - out_df.iloc[seed_idx, out_df.columns.get_loc(best_of_yr)] = best_idx - - return out_df - - -def make_ferc1_clf( - plants_df, - ngram_min=2, - ngram_max=10, - min_sim=0.75, - plant_name_ferc1_wt=2.0, - plant_type_wt=2.0, - construction_type_wt=1.0, - capacity_mw_wt=1.0, - construction_year_wt=1.0, - utility_id_ferc1_wt=1.0, - fuel_fraction_wt=1.0, -): - """Create a FERC Plant Classifier using several weighted features. - - Given a FERC steam plants dataframe plants_df, which also includes fuel consumption - information, transform a selection of useful columns into features suitable for use - in calculating inter-record cosine similarities. Individual features are weighted - according to the keyword arguments. - - Features include: - - * plant_name (via TF-IDF, with ngram_min and ngram_max as parameters) - * plant_type (OneHot encoded categorical feature) - * construction_type (OneHot encoded categorical feature) - * capacity_mw (MinMax scaled numerical feature) - * construction year (OneHot encoded categorical feature) - * utility_id_ferc1 (OneHot encoded categorical feature) - * fuel_fraction_mmbtu (several MinMax scaled numerical columns, which are - normalized and treated as a single feature.) - - This feature matrix is then used to instantiate a FERCPlantClassifier. - - The combination of the ColumnTransformer and FERCPlantClassifier are combined in a - sklearn Pipeline, which is returned by the function. - - Arguments: - ngram_min (int): the minimum lengths to consider in the vectorization of the - plant_name feature. - ngram_max (int): the maximum n-gram lengths to consider in the vectorization of - the plant_name feature. - min_sim (float): the minimum cosine similarity between two records that can be - considered a "match" (a number between 0.0 and 1.0). - plant_name_ferc1_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - plant_type_wt (float): weight used to determine the relative importance of each - of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - construction_type_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - capacity_mw_wt (float):weight used to determine the relative importance of each - of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - construction_year_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - utility_id_ferc1_wt (float): weight used to determine the relative importance - of each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - fuel_fraction_wt (float): weight used to determine the relative importance of - each of the features in the feature matrix used to calculate the cosine - similarity between records. Used to scale each individual feature before the - vectors are normalized. - - Returns: - sklearn.pipeline.Pipeline: an sklearn Pipeline that performs reprocessing and - classification with a FERCPlantClassifier object. - """ - # Make a list of all the fuel fraction columns for use as one feature. - fuel_cols = list(plants_df.filter(regex=".*_fraction_mmbtu$").columns) - - ferc1_pipe = Pipeline( - [ - ( - "preprocessor", - ColumnTransformer( - transformers=[ - ( - "plant_name_ferc1", - TfidfVectorizer( - analyzer="char", ngram_range=(ngram_min, ngram_max) - ), - "plant_name_ferc1", - ), - ( - "plant_type", - OneHotEncoder(categories="auto"), - ["plant_type"], - ), - ( - "construction_type", - OneHotEncoder(categories="auto"), - ["construction_type"], - ), - ("capacity_mw", MinMaxScaler(), ["capacity_mw"]), - ( - "construction_year", - OneHotEncoder(categories="auto"), - ["construction_year"], - ), - ( - "utility_id_ferc1", - OneHotEncoder(categories="auto"), - ["utility_id_ferc1"], - ), - ( - "fuel_fraction_mmbtu", - Pipeline( - [("scaler", MinMaxScaler()), ("norm", Normalizer())] - ), - fuel_cols, - ), - ], - transformer_weights={ - "plant_name_ferc1": plant_name_ferc1_wt, - "plant_type": plant_type_wt, - "construction_type": construction_type_wt, - "capacity_mw": capacity_mw_wt, - "construction_year": construction_year_wt, - "utility_id_ferc1": utility_id_ferc1_wt, - "fuel_fraction_mmbtu": fuel_fraction_wt, - }, - ), - ), - ( - "classifier", - FERCPlantClassifier(min_sim=min_sim, plants_df=plants_df), - ), - ] - ) - return ferc1_pipe - - -def plants_steam_assign_plant_ids( - ferc1_steam_df: pd.DataFrame, - ferc1_fuel_df: pd.DataFrame, - fuel_categories: list[str], -) -> pd.DataFrame: - """Assign IDs to the large steam plants.""" - ########################################################################### - # FERC PLANT ID ASSIGNMENT - ########################################################################### - # Now we need to assign IDs to the large steam plants, since FERC doesn't - # do this for us. - logger.info("Identifying distinct large FERC plants for ID assignment.") - - # scikit-learn still doesn't deal well with NA values (this will be fixed - # eventually) We need to massage the type and missing data for the - # Classifier to work. - ferc1_steam_df = pudl.helpers.fix_int_na( - ferc1_steam_df, columns=["construction_year"] - ) - - # Grab fuel consumption proportions for use in assigning plant IDs: - fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) - ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) - - ferc1_steam_df = ferc1_steam_df.merge( - fuel_fractions[["utility_id_ferc1", "plant_name_ferc1", "report_year"] + ffc], - on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], - how="left", - ) - # We need to fill the null values for these numerical feature vectors with - # zeros. not ideal, but the model requires dealing with nulls - null_to_zero = ffc + ["capacity_mw"] - ferc1_steam_df[null_to_zero] = ferc1_steam_df[null_to_zero].fillna(value=0.0) - # fillin these two str columns with empty strings for the model - str_cols = ["plant_type", "construction_type"] - ferc1_steam_df[str_cols] = ferc1_steam_df[str_cols].fillna(value="") - # Train the classifier using DEFAULT weights, parameters not listed here. - ferc1_clf = make_ferc1_clf(ferc1_steam_df).fit_transform(ferc1_steam_df) - - # Use the classifier to generate groupings of similar records: - record_groups = ferc1_clf.predict(ferc1_steam_df.record_id) - n_tot = len(ferc1_steam_df) - n_grp = len(record_groups) - pct_grp = n_grp / n_tot - logger.info( - f"Successfully associated {n_grp} of {n_tot} ({pct_grp:.2%}) " - f"FERC Form 1 plant records with multi-year plant entities." - ) - - record_groups.columns = record_groups.columns.astype(str) - cols = record_groups.columns - record_groups = record_groups.reset_index() - - # Now we are going to create a graph (network) that describes all of the - # binary relationships between a seed_id and the record_ids that it has - # been associated with in any other year. Each connected component of that - # graph is a ferc plant time series / plant_id - logger.info("Assigning IDs to multi-year FERC plant entities.") - edges_df = pd.DataFrame(columns=["source", "target"]) - for col in cols: - new_edges = record_groups[["seed_id", col]] - new_edges = new_edges.rename({"seed_id": "source", col: "target"}, axis=1) - edges_df = pd.concat([edges_df, new_edges], sort=True) - - # Drop any records where there's no target ID (no match in a year) - edges_df = edges_df[edges_df.target != ""] - - # We still have to deal with the orphaned records -- any record which - # wasn't place in a time series but is still valid should be included as - # its own independent "plant" for completeness, and use in aggregate - # analysis. - orphan_record_ids = np.setdiff1d( - ferc1_steam_df.record_id.unique(), record_groups.to_numpy().flatten() - ) - logger.info( - f"Identified {len(orphan_record_ids)} orphaned FERC plant records. " - f"Adding orphans to list of plant entities." - ) - orphan_df = pd.DataFrame({"source": orphan_record_ids, "target": orphan_record_ids}) - edges_df = pd.concat([edges_df, orphan_df], sort=True) - - # Use the data frame we've compiled to create a graph - G = nx.from_pandas_edgelist( # noqa: N806 - edges_df, source="source", target="target" - ) - # Find the connected components of the graph - ferc1_plants = (G.subgraph(c) for c in nx.connected_components(G)) - - # Now we'll iterate through the connected components and assign each of - # them a FERC Plant ID, and pull the results back out into a dataframe: - plants_w_ids = [] - for plant_id_ferc1, plant in enumerate(ferc1_plants): - nx.set_edge_attributes(plant, plant_id_ferc1 + 1, name="plant_id_ferc1") - new_plant_df = nx.to_pandas_edgelist(plant) - plants_w_ids.append(new_plant_df) - plants_w_ids = pd.concat(plants_w_ids) - logger.info( - f"Successfully Identified {plant_id_ferc1+1-len(orphan_record_ids)} " - f"multi-year plant entities." - ) - - # Set the construction year back to numeric because it is. - ferc1_steam_df["construction_year"] = pd.to_numeric( - ferc1_steam_df["construction_year"], errors="coerce" - ) - # We don't actually want to save the fuel fractions in this table... they - # were only here to help us match up the plants. - ferc1_steam_df = ferc1_steam_df.drop(ffc, axis=1) - - # Now we need a list of all the record IDs, with their associated - # FERC 1 plant IDs. However, the source-target listing isn't - # guaranteed to list every one of the nodes in either list, so we - # need to compile them together to ensure that we get every single - sources = ( - plants_w_ids.drop("target", axis=1) - .drop_duplicates() - .rename({"source": "record_id"}, axis=1) - ) - targets = ( - plants_w_ids.drop("source", axis=1) - .drop_duplicates() - .rename({"target": "record_id"}, axis=1) - ) - plants_w_ids = ( - pd.concat([sources, targets]) - .drop_duplicates() - .sort_values(["plant_id_ferc1", "record_id"]) - ) - steam_rids = ferc1_steam_df.record_id.to_numpy() - pwids_rids = plants_w_ids.record_id.to_numpy() - missing_ids = [rid for rid in steam_rids if rid not in pwids_rids] - if missing_ids: - raise AssertionError( - f"Uh oh, we lost {abs(len(steam_rids)-len(pwids_rids))} FERC " - f"steam plant record IDs: {missing_ids}" - ) - - ferc1_steam_df = pd.merge(ferc1_steam_df, plants_w_ids, on="record_id") - ferc1_steam_df = revert_filled_in_string_nulls(ferc1_steam_df) - return ferc1_steam_df - - -def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: - """Revert the filled nulls from string columns. - - Many columns that are used for the classification in - :func:`plants_steam_assign_plant_ids` have many nulls. The classifier can't handle - nulls well, so we filled in nulls with empty strings for string columns. This - function replaces empty strings with null values for specific columns that are known - to contain empty strings introduced for the classifier. - """ - for col in [ - "plant_type", - "construction_type", - "fuel_type_code_pudl", - "primary_fuel_by_cost", - "primary_fuel_by_mmbtu", - ]: - if col in df.columns: - # the replace to_replace={column_name: {"", pd.NA}} mysteriously doesn't work. - df[col] = df[col].replace( - to_replace=[""], - value=pd.NA, - ) - return df - - -def revert_filled_in_float_nulls(df: pd.DataFrame) -> pd.DataFrame: - """Revert the filled nulls from float columns. - - Many columns that are used for the classification in - :func:`plants_steam_assign_plant_ids` have many nulls. The classifier can't handle - nulls well, so we filled in nulls with zeros for float columns. This function - replaces zeros with nulls for all float columns. - """ - float_cols = list(df.select_dtypes(include=[float])) - if float_cols: - df.loc[:, float_cols] = df.loc[:, float_cols].replace(0, np.nan) - return df - - -def plants_steam_validate_ids(ferc1_steam_df: pd.DataFrame) -> pd.DataFrame: - """Tests that plant_id_ferc1 times series includes one record per year. - - Args: - ferc1_steam_df: A DataFrame of the data from the FERC 1 Steam table. - - Returns: - The input dataframe, to enable method chaining. - """ - ########################################################################## - # FERC PLANT ID ERROR CHECKING STUFF - ########################################################################## - - # Test to make sure that we don't have any plant_id_ferc1 time series - # which include more than one record from a given year. Warn the user - # if we find such cases (which... we do, as of writing) - year_dupes = ( - ferc1_steam_df.groupby(["plant_id_ferc1", "report_year"])["utility_id_ferc1"] - .count() - .reset_index() - .rename(columns={"utility_id_ferc1": "year_dupes"}) - .query("year_dupes>1") - ) - if len(year_dupes) > 0: - for dupe in year_dupes.itertuples(): - logger.error( - f"Found report_year={dupe.report_year} " - f"{dupe.year_dupes} times in " - f"plant_id_ferc1={dupe.plant_id_ferc1}" - ) - else: - logger.info("No duplicate years found in any plant_id_ferc1. Hooray!") - - return ferc1_steam_df - - -def fuel_by_plant_ferc1( - fuel_df: pd.DataFrame, fuel_categories: list[str], thresh: float = 0.5 -) -> pd.DataFrame: - """Calculates useful FERC Form 1 fuel metrics on a per plant-year basis. - - Each record in the FERC Form 1 corresponds to a particular type of fuel. Many plants - -- especially coal plants -- use more than one fuel, with gas and/or diesel serving - as startup fuels. In order to be able to classify the type of plant based on - relative proportions of fuel consumed or fuel costs it is useful to aggregate these - per-fuel records into a single record for each plant. - - Fuel cost (in nominal dollars) and fuel heat content (in mmBTU) are calculated for - each fuel based on the cost and heat content per unit, and the number of units - consumed, and then summed by fuel type (there can be more than one record for a - given type of fuel in each plant because we are simplifying the fuel categories). - The per-fuel records are then pivoted to create one column per fuel type. The total - is summed and stored separately, and the individual fuel costs & heat contents are - divided by that total, to yield fuel proportions. Based on those proportions and a - minimum threshold that's passed in, a "primary" fuel type is then assigned to the - plant-year record and given a string label. - - Args: - fuel_df: Pandas DataFrame resembling the post-transform - result for the fuel_ferc1 table. - thresh: A value between 0.5 and 1.0 indicating the minimum fraction of - overall heat content that must have been provided by a fuel in a plant-year - for it to be considered the "primary" fuel for the plant in that year. - Default value: 0.5. - - Returns: - DataFrame with a single record for each plant-year, including the columns - required to merge it with the plants_steam_ferc1 table/DataFrame (report_year, - utility_id_ferc1, and plant_name) as well as totals for fuel mmbtu consumed in - that plant-year, and the cost of fuel in that year, the proportions of heat - content and fuel costs for each fuel in that year, and a column that labels the - plant's primary fuel for that year. - - Raises: - AssertionError: If the DataFrame input does not have the columns required to - run the function. - """ - keep_cols = [ - "report_year", # key - "utility_id_ferc1", # key - "plant_name_ferc1", # key - "fuel_type_code_pudl", # pivot - "fuel_consumed_units", # value - "fuel_mmbtu_per_unit", # value - "fuel_cost_per_unit_burned", # value - ] - - # Ensure that the dataframe we've gotten has all the information we need: - missing_cols = [col for col in keep_cols if col not in fuel_df.columns] - if missing_cols: - raise AssertionError( - f"Required columns not found in input fuel_df: {missing_cols}" - ) - - # Calculate per-fuel derived values and add them to the DataFrame - df = ( - # Really there should *not* be any duplicates here but... there's a - # bug somewhere that introduces them into the fuel_ferc1 table. - fuel_df[keep_cols] - .drop_duplicates() - # Calculate totals for each record based on per-unit values: - .assign(fuel_mmbtu=lambda x: x.fuel_consumed_units * x.fuel_mmbtu_per_unit) - .assign(fuel_cost=lambda x: x.fuel_consumed_units * x.fuel_cost_per_unit_burned) - # Drop the ratios and heterogeneous fuel "units" - .drop( - ["fuel_mmbtu_per_unit", "fuel_cost_per_unit_burned", "fuel_consumed_units"], - axis=1, - ) - # Group by the keys and fuel type, and sum: - .groupby( - [ - "utility_id_ferc1", - "plant_name_ferc1", - "report_year", - "fuel_type_code_pudl", - ], - observed=True, - ) - .sum() - .reset_index() - # Set the index to the keys, and pivot to get per-fuel columns: - .set_index(["utility_id_ferc1", "plant_name_ferc1", "report_year"]) - .pivot(columns="fuel_type_code_pudl") - .fillna(0.0) - ) - - # Undo pivot. Could refactor this old function - plant_year_totals = df.stack("fuel_type_code_pudl").groupby(level=[0, 1, 2]).sum() - - # Calculate total heat content burned for each plant, and divide it out - mmbtu_group = ( - pd.merge( - # Sum up all the fuel heat content, and divide the individual fuel - # heat contents by it (they are all contained in single higher - # level group of columns labeled fuel_mmbtu) - df.loc[:, "fuel_mmbtu"].div( - df.loc[:, "fuel_mmbtu"].sum(axis=1), axis="rows" - ), - # Merge that same total into the dataframe separately as well. - plant_year_totals.loc[:, "fuel_mmbtu"], - right_index=True, - left_index=True, - ) - .rename(columns=lambda x: re.sub(r"$", "_fraction_mmbtu", x)) - .rename(columns=lambda x: re.sub(r"_mmbtu_fraction_mmbtu$", "_mmbtu", x)) - ) - - # Calculate total fuel cost for each plant, and divide it out - cost_group = ( - pd.merge( - # Sum up all the fuel costs, and divide the individual fuel - # costs by it (they are all contained in single higher - # level group of columns labeled fuel_cost) - df.loc[:, "fuel_cost"].div(df.loc[:, "fuel_cost"].sum(axis=1), axis="rows"), - # Merge that same total into the dataframe separately as well. - plant_year_totals.loc[:, "fuel_cost"], - right_index=True, - left_index=True, - ) - .rename(columns=lambda x: re.sub(r"$", "_fraction_cost", x)) - .rename(columns=lambda x: re.sub(r"_cost_fraction_cost$", "_cost", x)) - ) - - # Re-unify the cost and heat content information: - df = pd.merge( - mmbtu_group, cost_group, left_index=True, right_index=True - ).reset_index() - - # Label each plant-year record by primary fuel: - df.loc[:, ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = pd.NA - df = df.astype( - { - "primary_fuel_by_cost": pd.StringDtype(), - "primary_fuel_by_mmbtu": pd.StringDtype(), - } - ) - for fuel_str in fuel_categories: - try: - mmbtu_mask = df[f"{fuel_str}_fraction_mmbtu"] > thresh - df.loc[mmbtu_mask, "primary_fuel_by_mmbtu"] = fuel_str - except KeyError: - pass - - try: - cost_mask = df[f"{fuel_str}_fraction_cost"] > thresh - df.loc[cost_mask, "primary_fuel_by_cost"] = fuel_str - except KeyError: - pass - - df[["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = df[ - ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"] - ].fillna("") - - return df diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 3c2f93611f..7fd22ce1e9 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -271,3 +271,39 @@ def plants_steam_assign_plant_ids( ferc1_steam_df = ferc1_steam_df.drop(ffc, axis=1) return ferc1_steam_df + + +def plants_steam_validate_ids(ferc1_steam_df: pd.DataFrame) -> pd.DataFrame: + """Tests that plant_id_ferc1 times series includes one record per year. + + Args: + ferc1_steam_df: A DataFrame of the data from the FERC 1 Steam table. + + Returns: + The input dataframe, to enable method chaining. + """ + ########################################################################## + # FERC PLANT ID ERROR CHECKING STUFF + ########################################################################## + + # Test to make sure that we don't have any plant_id_ferc1 time series + # which include more than one record from a given year. Warn the user + # if we find such cases (which... we do, as of writing) + year_dupes = ( + ferc1_steam_df.groupby(["plant_id_ferc1", "report_year"])["utility_id_ferc1"] + .count() + .reset_index() + .rename(columns={"utility_id_ferc1": "year_dupes"}) + .query("year_dupes>1") + ) + if len(year_dupes) > 0: + for dupe in year_dupes.itertuples(): + logger.error( + f"Found report_year={dupe.report_year} " + f"{dupe.year_dupes} times in " + f"plant_id_ferc1={dupe.plant_id_ferc1}" + ) + else: + logger.info("No duplicate years found in any plant_id_ferc1. Hooray!") + + return ferc1_steam_df diff --git a/src/pudl/output/ferc1.py b/src/pudl/output/ferc1.py index 5ed3551f3e..1c2074e2ce 100644 --- a/src/pudl/output/ferc1.py +++ b/src/pudl/output/ferc1.py @@ -820,7 +820,7 @@ def drop_other_fuel_types(df): fbp_df = ( fuel_ferc1.pipe(drop_other_fuel_types) .pipe( - pudl.analysis.classify_plants_ferc1.fuel_by_plant_ferc1, + pudl.analysis.record_linkage.classify_plants_ferc1.fuel_by_plant_ferc1, fuel_categories=fuel_categories, thresh=thresh, ) diff --git a/src/pudl/transform/ferc1.py b/src/pudl/transform/ferc1.py index 0755665349..d79223cdd1 100644 --- a/src/pudl/transform/ferc1.py +++ b/src/pudl/transform/ferc1.py @@ -25,9 +25,6 @@ from pydantic import BaseModel, confloat, validator import pudl -from pudl.analysis.classify_plants_ferc1 import ( - plants_steam_validate_ids, -) from pudl.analysis.record_linkage import classify_plants_ferc1 from pudl.extract.ferc1 import TABLE_NAME_MAP_FERC1 from pudl.helpers import assert_cols_areclose, convert_cols_dtypes @@ -3231,7 +3228,7 @@ def transform_main( ferc1_fuel_df=transformed_fuel, fuel_categories=fuel_categories, ) - .pipe(plants_steam_validate_ids) + .pipe(classify_plants_ferc1.plants_steam_validate_ids) ) return plants_steam From 211ff321091f3b3dcd64fcdfa331b9d3483769d2 Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 20 Nov 2023 18:51:38 -0500 Subject: [PATCH 11/60] Improve docstring in cross-year-linker --- src/pudl/analysis/record_linkage/cross_year.py | 7 ++++--- 1 file changed, 4 insertions(+), 3 deletions(-) diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py index 69e34f0c9c..fcb731bb83 100644 --- a/src/pudl/analysis/record_linkage/cross_year.py +++ b/src/pudl/analysis/record_linkage/cross_year.py @@ -196,12 +196,13 @@ def transform(self, X, y=None, **fit_params): # noqa: N803 class DistancePenalizeSameYear(PrecomputeDistance): """Custom estimator to compute distances used to identify clusters of plants.""" - def __init__(self, report_years: np.array, metric="euclidean", penalty=100): + def __init__(self, report_years: np.array, metric="euclidean", penalty=1000): """Initialize estimator with configurable parameters. Args: - report_years: reporty_year column used to penalize distance for records - from same year. + report_years: Used to find records with same report year and add significant + distance penalty to these records to avoid matching records. + from the same year. metric: Distance metric to use in computation. penalty: Penalty to apply to records with the same report year. """ From a77c7d78f05857f14586287ab9d6fb746b5a3db3 Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 20 Nov 2023 21:10:16 -0500 Subject: [PATCH 12/60] Add company name cleaner to ferc-ferc matching --- .../record_linkage/classify_plants_ferc1.py | 4 + .../analysis/record_linkage/cleaning_steps.py | 353 ++++++++++++++++++ .../analysis/record_linkage/cross_year.py | 8 +- .../package_data/settings/us_legal_forms.json | 222 +++++++++++ 4 files changed, 585 insertions(+), 2 deletions(-) create mode 100644 src/pudl/analysis/record_linkage/cleaning_steps.py create mode 100644 src/pudl/package_data/settings/us_legal_forms.json diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 7fd22ce1e9..c7170e18d7 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -14,6 +14,7 @@ from sklearn.preprocessing import MinMaxScaler, Normalizer import pudl +from pudl.analysis.record_linkage.cleaning_steps import CleaningRules from pudl.analysis.record_linkage.cross_year import ColumnTransform, CrossYearLinker logger = pudl.logging_helpers.get_logger(__name__) @@ -205,6 +206,9 @@ def plants_steam_assign_plant_ids( "columns": "plant_name_ferc1", "transformer": "string", "weight": 2.0, + "cleaning_ops": [ + CleaningRules(input_column="plant_name_ferc1") + ], } ), ColumnTransform( diff --git a/src/pudl/analysis/record_linkage/cleaning_steps.py b/src/pudl/analysis/record_linkage/cleaning_steps.py new file mode 100644 index 0000000000..e234070a5a --- /dev/null +++ b/src/pudl/analysis/record_linkage/cleaning_steps.py @@ -0,0 +1,353 @@ +"""This module contains the implementation of CompanyNameCleaner class from OS-Climate's financial-entity-cleaner package.""" + +import enum +import json +import logging +import re +from importlib.resources import as_file, files +from pathlib import Path +from typing import Any + +import pandas as pd +from pydantic import BaseModel + +logger = logging.getLogger(__name__) + +CLEANING_RULES_DICT = { + "remove_email": [" ", r"\S*@\S*\s?"], + "remove_url": [" ", r"https*\S+"], + "remove_word_the_from_the_end": [" ", r"the$"], + "place_word_the_at_the_beginning": [" ", r"the$"], + "remove_www_address": [" ", r"https?://[.\w]{3,}|www.[.\w]{3,}"], + "enforce_single_space_between_words": [" ", r"\s+"], + "replace_amperstand_by_AND": [" and ", r"&"], + "add_space_between_amperstand": [" & ", r"&"], + "add_space_before_opening_parentheses": [" (", r"\("], + "add_space_after_closing_parentheses": [") ", r"\)"], + "replace_amperstand_between_space_by_AND": [" and ", r"\s+&\s+"], + "replace_hyphen_by_space": [" ", r"-"], + "replace_hyphen_between_spaces_by_single_space": [" ", r"\s+-\s+"], + "replace_underscore_by_space": [" ", r"_"], + "replace_underscore_between_spaces_by_single_space": [" ", r"\s+_\s+"], + "remove_all_punctuation": [" ", r"([^\w\s])"], + "remove_punctuation_except_dot": [" ", r"([^\w\s.])"], + "remove_mentions": [" ", r"@\S+"], + "remove_hashtags": [" ", r"#\S+"], + "remove_numbers": [" ", r"\w*\d+\w*"], + "remove_text_puctuation": [" ", r'\;|\:|\,|\.|\?|\!|"'], + "remove_text_puctuation_except_dot": [" ", r'\;|\:|\,|\?|\!|"'], + "remove_math_symbols": [" ", r"\+|\-|\*|\>|\<|\=|\%"], + "remove_math_symbols_except_dash": [" ", r"\+|\*|\>|\<|\=|\%"], + "remove_parentheses": ["", r"\(|\)"], + "remove_brackets": ["", r"\[|\]"], + "remove_curly_brackets": ["", r"\{|\}"], + "remove_single_quote_next_character": [" ", r"'\w+"], + "remove_single_quote": [" ", r"'"], + "remove_double_quote": [" ", r'"'], + "remove_words_in_parentheses": [" ", r"\([^()]*\)"], + "repeat_remove_words_in_parentheses": [" ", r"remove_words_in_parentheses"], +} + + +class CleaningRules(BaseModel): + """Configuration for CompanyNameCleaner class.""" + + input_column: str + output_column: str | None = None + cleaning_rules: list[str] = [ + "replace_amperstand_between_space_by_AND", + "replace_hyphen_between_spaces_by_single_space", + "replace_underscore_by_space", + "replace_underscore_between_spaces_by_single_space", + "remove_text_puctuation_except_dot", + "remove_math_symbols", + "remove_words_in_parentheses", + "remove_parentheses", + "remove_brackets", + "remove_curly_brackets", + "enforce_single_space_between_words", + ] + + def clean(self, df: pd.DataFrame) -> pd.DataFrame: + """Apply ComanyNameCleaner to input DataFrame with rules specified in cleaning_rules.""" + df = CompanyNameCleaner(cleaning_rules=self.cleaning_rules).get_clean_df( + df, self.input_column, self.output_column + ) + return df + + +class LegalTermLocation(enum.Enum): + """The location of the legal terms within the name string.""" + + AT_THE_END = 1 + ANYWHERE = 2 + + +class CompanyNameCleaner: + """Class to normalize/clean up text based company names. + + Attributes: + _cleaning_rules_dict (dict): the dictionary of cleaning rules loaded from a json file. The cleaning rules + are written in regex format and can be easily updated or incremented by changing the file. + _cleaning_rules_list (list): a list of cleaning rules to be applied. The dictionary of + cleaning rules may contain rules that are not needed. Therefore, the _cleaning_rules_list + allows the user to select only the cleaning rules necessary of interest. This list is also + read from a json file and can be easily updated by changing the file or setting up the + correspondent class property. + _normalize_legal_terms (bool): a flag to indicate if the cleaning process must normalize + text's legal terms. e.g. LTD => LIMITED. + _dict_legal_terms (dict): a subset of the legal terms dictionary filtered by language and country. + This will be the legal term dictionary to be applied during cleaning. The user can call the + set_current_legal_term_dict() method to change the dictionary to another language/country. + _output_lettercase (str): indicates the letter case (lower, by default) as the result of the cleaning + Other options are: 'upper' and 'title'. + _legal_term_location (enum): Where in the string legal terms are found. + _remove_unicode (bool): indicates if the unicode character should be removed or not, which may depend + on the language of the text's name. + _remove_accents (bool): indicates if letters with accents should be replaced with non-accented ones. + """ + + # Constants used internally by the class + __NAME_LEGAL_TERMS_DICT_FILE = "us_legal_forms.json" + __NAME_JSON_ENTRY_LEGAL_TERMS = "legal_forms" + + def __init__( + self, + cleaning_rules: list[str], + cleaning_rules_definitions_dict: dict = CLEANING_RULES_DICT, + ) -> None: + """Constructor method. + + Arguments: + cleaning_rules_list: A list of the rules to apply for cleaning. By default is + DEFAULT_COMPANY_CLEANING_RULES + cleaning_rules_definitions_dict: A dictionary of cleaning rules where the keys + are the name of the cleaning rule and the value is the rule. By default is + CLEANING_RULES_DICT + + Returns: + CompanyNameCleaner (object) + """ + # The dictionary of cleaning rules define which regex functions to apply to the data + # A default set of regex rules is defined, but it can be changed by the user. + self._cleaning_rules_dict = cleaning_rules_definitions_dict + self._cleaning_rules_list = cleaning_rules + + self._normalize_legal_terms = ( + True # indicates if legal terms need to be normalized + ) + # The dictionary of legal terms define how to normalize the text's legal form abreviations + json_source = files("pudl.package_data.settings").joinpath( + self.__NAME_LEGAL_TERMS_DICT_FILE + ) + with as_file(json_source) as json_file_path: + self._dict_legal_terms = self._load_json_file(json_file_path)[ + self.__NAME_JSON_ENTRY_LEGAL_TERMS + ]["en"] + + # Define the letter case of the cleaning output + self._output_lettercase = "lower" + + # Where in the string are legal terms found + self._legal_term_location = LegalTermLocation.AT_THE_END + + # Define if unicode characters should be removed from text's name + # This cleaning rule is treated separated from the regex rules because it depends on the + # language of the text's name. For instance, russian or japanese text's may contain + # unicode characters, while portuguese and french companies may not. + self._remove_unicode = False + + # Define if the letters with accents are replaced with non-accented ones + self._remove_accents = False + + def _load_json_file(self, file_to_read: Path) -> Any: + """Reads a json file and returns its content as a python dictionary. + + Args: + file_to_read (str): complete path and name of the json file to read. + + Returns: + (dict): the content of the json file as a python dictionary. + """ + json_file = file_to_read.open() + dict_content = json.load(json_file) + return dict_content + + def _apply_regex_rules( + self, str_value: str, dict_regex_rules: dict[str, list[str]] + ) -> str: + r"""Applies several cleaning rules based on a custom dictionary. + + The dictionary must contain cleaning rules written in regex format. + + Arguments: + str_value (str): any value as string to be cleaned up. + dict_regex_rules (dict): a dictionary of cleaning rules writen in regex with the format + [rule name] : ['replacement', 'regex rule'] + + Returns: + (str): the modified/cleaned value. + """ + clean_value = str_value + # Iterate through the dictionary and apply each regex rule + for name_rule, cleaning_rule in dict_regex_rules.items(): + # First element is the replacement + replacement = cleaning_rule[0] + # Second element is the regex rule + regex_rule = cleaning_rule[1] + + # Check if the regex rule is actually a reference to another regex rule. + # By adding a name of another regex rule in the place of the rule itself allows the execution + # of a regex rule twice + if regex_rule in dict_regex_rules: + replacement = dict_regex_rules[cleaning_rule[1]][0] + regex_rule = dict_regex_rules[cleaning_rule[1]][1] + + # Make sure to use raw string + regex_rule = rf"{regex_rule}" + + # Treat the special case of the word THE at the end of a text's name + found_the_word_the = None + if name_rule == "place_word_the_at_the_beginning": + found_the_word_the = re.search(regex_rule, clean_value) + + # Apply the regex rule + clean_value = re.sub(regex_rule, replacement, clean_value) + + # Adjust the name for the case of rule + if found_the_word_the is not None: + clean_value = "the " + clean_value + + return clean_value + + def _remove_unicode_chars(self, value: str) -> str: + """Removes unicode character that is unreadable when converted to ASCII format. + + Arguments: + value (str): any string containing unicode characters. + + Returns: + (str): the corresponding input string without unicode characters. + """ + # Remove all unicode characters if any + clean_value = value.encode("ascii", "ignore").decode() + return clean_value + + def _apply_cleaning_rules(self, company_name: str) -> str: + """Apply the cleaning rules from the dictionary of regex rules.""" + cleaning_dict = {} + for rule_name in self._cleaning_rules_list: + cleaning_dict[rule_name] = self._cleaning_rules_dict[rule_name] + + # Apply all the cleaning rules + clean_company_name = self._apply_regex_rules(company_name, cleaning_dict) + return clean_company_name + + def _apply_normalization_of_legal_terms(self, company_name: str) -> str: + """Apply the normalization of legal terms according to dictionary of regex rules.""" + # Make sure to remove extra spaces, so legal terms can be found in the end (if requested) + clean_company_name = company_name.strip() + + # Apply normalization for legal terms + # Iterate through the dictionary of legal terms + for replacement, legal_terms in self._dict_legal_terms.items(): + # Each replacement has a list of possible terms to be searched for + replacement = " " + replacement.lower() + " " + for legal_term in legal_terms: + # Make sure to use raw string + legal_term = legal_term.lower() + # If the legal term has . (dots), then apply regex directly on the legal term + # Otherwise, if it's a legal term with only letters in sequence, make sure + # that regex find the legal term as a word (\\bLEGAL_TERM\\b) + if legal_term.find(".") > -1: + legal_term = legal_term.replace(".", "\\.") + else: + legal_term = "\\b" + legal_term + "\\b" + # Check if the legal term should be found only at the end of the string + if self._legal_term_location == LegalTermLocation.AT_THE_END: + legal_term = legal_term + "$" + # ...and it's a raw string + regex_rule = rf"{legal_term}" + # Apply the replacement + clean_company_name = re.sub(regex_rule, replacement, clean_company_name) + return clean_company_name + + def get_clean_data(self, company_name: str) -> str: + """Clean a name and normalize legal terms. + + If ``company_name`` is null or not a string value, pd.NA + will be returned. + + Arguments: + company_name (str): the original text + + Returns: + clean_company_name (str): the clean version of the text + """ + if not isinstance(company_name, str): + if company_name is not pd.NA: + logger.warning(f"{company_name} is not a string.") + return pd.NA + + # Remove all unicode characters in the text's name, if requested + if self._remove_unicode: + clean_company_name = self._remove_unicode_chars(company_name) + else: + clean_company_name = company_name + + # Remove space in the beginning and in the end and convert it to lower case + clean_company_name = clean_company_name.strip().lower() + + # Apply all the cleaning rules + clean_company_name = self._apply_cleaning_rules(clean_company_name) + + # Apply normalization for legal terms + if self._normalize_legal_terms: + clean_company_name = self._apply_normalization_of_legal_terms( + clean_company_name + ) + + # Apply the letter case, if different from 'lower' + if self._output_lettercase == "upper": + clean_company_name = clean_company_name.upper() + elif self._output_lettercase == "title": + clean_company_name = clean_company_name.title() + + # Remove excess of white space that might be introduced during previous cleaning + clean_company_name = clean_company_name.strip() + clean_company_name = re.sub(r"\s+", " ", clean_company_name) + + return clean_company_name + + def get_clean_df( + self, + df: pd.DataFrame, + in_company_name_attribute: str | list, + out_company_name_attribute: str | list | None, + ) -> pd.DataFrame: + """Clean up text names in a dataframe. + + Arguments: + df (dataframe): the input dataframe that contains the text's name to be cleaned + in_company_name_attribute (str): the attribute in the dataframe that contains the names + out_company_name_attribute (str): the attribute to be created for the clean version of + the text's name + + Returns: + df (dataframe): the clean version of the input dataframe + """ + # Check if the company_name attribute exists in the dataframe + if in_company_name_attribute not in df.columns: + raise KeyError(f"Column {in_company_name_attribute} not in dataframe.") + if out_company_name_attribute is None: + out_company_name_attribute = in_company_name_attribute + + # Make a copy so not to change the original dataframe + new_df = df.copy() + + # Creates the new output attribute that will have the clean version of the text's name + new_df[out_company_name_attribute] = new_df[in_company_name_attribute].apply( + self.get_clean_data + ) + + return new_df diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py index fcb731bb83..c827fa90ca 100644 --- a/src/pudl/analysis/record_linkage/cross_year.py +++ b/src/pudl/analysis/record_linkage/cross_year.py @@ -19,6 +19,7 @@ from sklearn.preprocessing import MinMaxScaler, OneHotEncoder import pudl +from pudl.analysis.record_linkage.cleaning_steps import CleaningRules logger = pudl.logging_helpers.get_logger(__name__) @@ -59,7 +60,7 @@ class ColumnTransform(BaseModel): transformer: BaseEstimator | Literal["string", "category", "number"] transformer_options: dict[str, Any] = {} weight: float = 1.0 - cleaning_ops: list[str] = [] + cleaning_ops: list[str | CleaningRules] = [] # This can be handled more elegantly in Pydantic 2.0. class Config: @@ -70,7 +71,10 @@ class Config: def clean_columns(self, df): """Perform configurable set of cleaning operations on inputs before pipeline.""" for cleaning_op in self.cleaning_ops: - df[self.columns] = _CLEANING_FUNCTIONS[cleaning_op](df, self.columns) + if isinstance(cleaning_op, str): + df[self.columns] = _CLEANING_FUNCTIONS[cleaning_op](df, self.columns) + elif isinstance(cleaning_op, CleaningRules): + df = cleaning_op.clean(df) return df diff --git a/src/pudl/package_data/settings/us_legal_forms.json b/src/pudl/package_data/settings/us_legal_forms.json new file mode 100644 index 0000000000..00d1a12e9e --- /dev/null +++ b/src/pudl/package_data/settings/us_legal_forms.json @@ -0,0 +1,222 @@ +{ + "reference_license": "//SPDX-License-Identifier: CC0-1.0", + "reference_url": "https://www.gleif.org/en/about-lei/code-lists/iso-20275-entity-legal-forms-code-list", + "reference_version": "1.3", + "created": "2021-09-20", + "updated": "2022-06-09", + "legal_forms": { + "en": { + "registered limited liability limited partnership": [ + "r.l.l.l.p.", + "r.l.l.l.p", + "rlllp.", + "rlllp" + ], + "registered limited liability partnership": [ + "r.l.l.p.", + "r.l.l.p", + "rllp.", + "rllp" + ], + "professional limited liability limited partnership": [ + "p.l.l.l.p.", + "p.l.l.l.p", + "plllp.", + "plllp" + ], + "limited liability limited partnership": [ + "lllp.", + "lllp", + "l.l.l.p.", + "l.l.l.p" + ], + "professional limited liabity partnership": [ + "p.l.l.p.", + "p.l.l.p", + "pllp.", + "pllp" + ], + "professional limited liability company": [ + "p.l.l.c.", + "p.l.l.c", + "pllc.", + "pllc" + ], + "limited liability partnership": [ + "l.l.p.", + "l.l.p", + "llp.", + "llp" + ], + "low-profit limited liability company": [ + "l3c.", + "l3c", + "l.3.c.", + "l.3.c", + "lllc.", + "lllc", + "l.l.l.c.", + "l.l.l.c" + ], + "limited liability company": [ + "ltd. liability co.", + "ltd. liability co", + "ltd liability co.", + "ltd liability co", + "l.l.c.", + "l.l.c", + "llc.", + "llc" + ], + "public limited company": [ + "public lc.", + "public lc", + "pub. lc.", + "pub. lc", + "pub lc.", + "pub lc", + "p.l.c.", + "p.l.c", + "plc.", + "plc" + ], + "limited partnership": [ + "lp.", + "lp", + "l.p.", + "l.p", + "lp" + ], + "professional corporation": [ + "prof. corp.", + "prof corp.", + "prof corp", + "pro. corp.", + "pro corp.", + "pro corp", + "pc.", + "p.c.", + "p.c", + "pc" + ], + "professional association": [ + "prof. assoc.", + "prof assoc.", + "prof assoc", + "prof. assn.", + "prof assn.", + "prof assn", + "pro. assoc.", + "pro assoc.", + "pro assoc", + "pro. assn.", + "pro assn.", + "pro assn", + "pa.", + "p.a.", + "p.a", + "pa" + ], + "corporation": [ + "corp.", + "corp" + ], + "company": [ + "c.o.", + "co.", + "c.o", + "co" + ], + "real state investment trust": [ + "reit.", + "reit", + "r.e.i.t.", + "r.e.i.t" + ], + "general partnership": [ + "gp.", + "g.p.", + "gp" + ], + "commercial registered agent": [ + "c.r.a.", + "cra.", + "cra" + ], + "national trust and savings association": [ + "nt&sa", + "nt & sa", + "nt. & sa.", + "nt. & sa", + "nt & sa." + ], + "national association": [ + "n.a.", + "n.a", + "n. assoc.", + "n. assoc", + "n assoc.", + "n assoc" + ], + "authority": [ + "auth.", + "auth" + ], + "foundation": [ + "fdn.", + "fdn", + "f.d.n.", + "f.d.n" + ], + "cooperative": [ + "co-op.", + "co-op", + "coop.", + "coop" + ], + "association": [ + "assoc.", + "assoc", + "assn.", + "assn" + ], + "basin irrigation district": [ + "basin irr district", + "basin irr. dist", + "basin irr dist.", + "basin irr. dist.", + "basin irr dist" + ], + "limited": [ + "limited.", + "limit", + "ltd.", + "ltd", + "l.t.d.", + "l.t.d", + "lt.", + "lt" + ], + "unlimited": [ + "ultd.", + "unltd", + "ult.", + "ult" + ], + "incorporated": [ + "inc.", + "inc", + "incorp.", + "incorp" + ], + "district": [ + "dist.", + "dist" + ], + "commission": [ + "comm.", + "comm" + ] + } + } +} From 778d05907568698649c47f33e5e5953e06f7655c Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 20 Nov 2023 21:14:11 -0500 Subject: [PATCH 13/60] Add revert_filled_in_nulls back to ferc-ferc match --- .../record_linkage/classify_plants_ferc1.py | 41 +++++++++++++++++++ 1 file changed, 41 insertions(+) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index c7170e18d7..9a5e3b5e33 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -9,6 +9,7 @@ """ import re +import numpy as np import pandas as pd from sklearn.pipeline import Pipeline from sklearn.preprocessing import MinMaxScaler, Normalizer @@ -273,10 +274,50 @@ def plants_steam_assign_plant_ids( # We don't actually want to save the fuel fractions in this table... they # were only here to help us match up the plants. ferc1_steam_df = ferc1_steam_df.drop(ffc, axis=1) + ferc1_steam_df = revert_filled_in_string_nulls(ferc1_steam_df) return ferc1_steam_df +def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: + """Revert the filled nulls from string columns. + + Many columns that are used for the classification in + :func:`plants_steam_assign_plant_ids` have many nulls. The classifier can't handle + nulls well, so we filled in nulls with empty strings for string columns. This + function replaces empty strings with null values for specific columns that are known + to contain empty strings introduced for the classifier. + """ + for col in [ + "plant_type", + "construction_type", + "fuel_type_code_pudl", + "primary_fuel_by_cost", + "primary_fuel_by_mmbtu", + ]: + if col in df.columns: + # the replace to_replace={column_name: {"", pd.NA}} mysteriously doesn't work. + df[col] = df[col].replace( + to_replace=[""], + value=pd.NA, + ) + return df + + +def revert_filled_in_float_nulls(df: pd.DataFrame) -> pd.DataFrame: + """Revert the filled nulls from float columns. + + Many columns that are used for the classification in + :func:`plants_steam_assign_plant_ids` have many nulls. The classifier can't handle + nulls well, so we filled in nulls with zeros for float columns. This function + replaces zeros with nulls for all float columns. + """ + float_cols = list(df.select_dtypes(include=[float])) + if float_cols: + df.loc[:, float_cols] = df.loc[:, float_cols].replace(0, np.nan) + return df + + def plants_steam_validate_ids(ferc1_steam_df: pd.DataFrame) -> pd.DataFrame: """Tests that plant_id_ferc1 times series includes one record per year. From 44f2fd010a1e5a1b41d3a6cb48914c9600bc3b71 Mon Sep 17 00:00:00 2001 From: Zane Selvans Date: Mon, 20 Nov 2023 21:23:52 -0600 Subject: [PATCH 14/60] fix yaml/yml typo in .gitattributes --- .gitattributes | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.gitattributes b/.gitattributes index 85ab62dc32..c61cc555de 100644 --- a/.gitattributes +++ b/.gitattributes @@ -1,7 +1,7 @@ *.ipynb linguist-detectable=false *.html linguist-detectable=false eia861-transform.ipynb merge=ours -environments/conda-*lock.yaml merge=ours +environments/conda-*lock.yml merge=ours *.csv text *.py text *.json text From 54cb3ca20aaa89d0296d5bb20981a13a0d740ad1 Mon Sep 17 00:00:00 2001 From: zaneselvans Date: Tue, 21 Nov 2023 03:29:48 +0000 Subject: [PATCH 15/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 38 +- environments/conda-lock.yml | 30813 ++++++++++++------------ environments/conda-osx-64.lock.yml | 38 +- environments/conda-osx-arm64.lock.yml | 38 +- 4 files changed, 15466 insertions(+), 15461 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index 8277e93f0c..db5d4ef965 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -1,6 +1,6 @@ # Generated by conda-lock. # platform: linux-64 -# input_hash: 62bcd0fc7d50df96982d048631ad45bff7910db618111621e212e7f3c28a44bc +# input_hash: 948078f7f90587f6b91354dbc73ccdcb6abab18c115f55a56d7f4eba9cd0cd6d channels: - conda-forge @@ -26,7 +26,7 @@ dependencies: - libgcc-ng=13.2.0=h807b86a_3 - aws-c-common=0.9.8=hd590300_0 - bzip2=1.0.8=hd590300_5 - - c-ares=1.21.0=hd590300_0 + - c-ares=1.22.1=hd590300_0 - fribidi=1.0.10=h36c2ea0_0 - geos=3.12.0=h59595ed_0 - gettext=0.21.1=h27087fc_0 @@ -125,7 +125,7 @@ dependencies: - libtiff=4.6.0=ha9c0a0a_2 - libxslt=1.1.37=h0054252_1 - minizip=4.0.3=h0ab5242_0 - - nodejs=20.8.1=h1990674_0 + - nodejs=20.9.0=hb753e55_0 - nss=3.94=h1d7d5a4_0 - orc=1.9.0=h4b38347_4 - pandoc=3.1.3=h32600fe_0 @@ -211,7 +211,7 @@ dependencies: - llvmlite=0.41.1=py311ha6695c7_0 - locket=1.0.0=pyhd8ed1ab_0 - lxml=4.9.3=py311h1a07684_1 - - marko=1.3.1=pyhd8ed1ab_0 + - marko=2.0.2=pyhd8ed1ab_0 - markupsafe=2.1.3=py311h459d7ec_1 - mdurl=0.1.0=pyhd8ed1ab_0 - mergedeep=1.3.4=pyhd8ed1ab_0 @@ -243,7 +243,7 @@ dependencies: - pure_eval=0.2.2=pyhd8ed1ab_0 - pyasn1=0.5.0=pyhd8ed1ab_0 - pycparser=2.21=pyhd8ed1ab_0 - - pygments=2.16.1=pyhd8ed1ab_0 + - pygments=2.17.1=pyhd8ed1ab_0 - pyjwt=2.8.0=pyhd8ed1ab_0 - pylev=1.4.0=pyhd8ed1ab_0 - pyparsing=3.1.1=pyhd8ed1ab_0 @@ -262,7 +262,7 @@ dependencies: - regex=2023.10.3=py311h459d7ec_0 - rfc3986=2.0.0=pyhd8ed1ab_0 - rfc3986-validator=0.1.1=pyh9f0ad1d_0 - - rpds-py=0.13.0=py311h46250e7_0 + - rpds-py=0.13.1=py311h46250e7_0 - rtree=1.1.0=py311h3bb2b0f_0 - ruamel.yaml.clib=0.2.7=py311h459d7ec_2 - ruff=0.1.6=py311h7145743_0 @@ -333,7 +333,7 @@ dependencies: - coloredlogs=14.0=pyhd8ed1ab_3 - comm=0.1.4=pyhd8ed1ab_0 - coverage=7.3.2=py311h459d7ec_0 - - fonttools=4.44.3=py311h459d7ec_0 + - fonttools=4.45.0=py311h459d7ec_0 - gitdb=4.0.11=pyhd8ed1ab_0 - graphql-core=3.2.3=pyhd8ed1ab_0 - grpcio=1.59.2=py311ha6695c7_0 @@ -341,7 +341,7 @@ dependencies: - h2=4.1.0=pyhd8ed1ab_0 - hdf5=1.14.2=nompi_h4f84152_100 - html5lib=1.1=pyh9f0ad1d_0 - - hypothesis=6.89.0=pyha770c72_0 + - hypothesis=6.90.0=pyha770c72_0 - importlib-metadata=6.8.0=pyha770c72_0 - importlib_resources=6.1.1=pyhd8ed1ab_0 - isodate=0.6.1=pyhd8ed1ab_0 @@ -384,7 +384,6 @@ dependencies: - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rsa=4.9=pyhd8ed1ab_0 - ruamel.yaml=0.18.5=py311h459d7ec_0 - - sqlalchemy=1.4.49=py311h459d7ec_1 - terminado=0.18.0=pyh0d859eb_0 - tinycss2=1.2.1=pyhd8ed1ab_0 - tqdm=4.66.1=pyhd8ed1ab_0 @@ -401,7 +400,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-c-s3=0.3.24=hdb3bed3_1 - - botocore=1.32.3=pyhd8ed1ab_0 + - botocore=1.32.4=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h63ff55d_0 @@ -438,6 +437,7 @@ dependencies: - python-build=1.0.3=pyhd8ed1ab_0 - requests=2.31.0=pyhd8ed1ab_0 - rich=13.7.0=pyhd8ed1ab_0 + - sqlalchemy=2.0.23=py311h459d7ec_0 - stack_data=0.6.2=pyhd8ed1ab_0 - starlette=0.32.0.post1=pyhd8ed1ab_0 - tiledb=2.16.3=h8c794c1_3 @@ -463,11 +463,11 @@ dependencies: - grpcio-status=1.59.2=pyhd8ed1ab_0 - h3-py=3.7.6=py311hb755f60_1 - httpx=0.25.1=pyhd8ed1ab_0 - - identify=2.5.31=pyhd8ed1ab_0 + - identify=2.5.32=pyhd8ed1ab_0 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_core=5.5.0=py311h38be061_0 - - libgdal=3.8.0=h12dd931_4 + - libgdal=3.8.0=h12dd931_5 - numba=0.58.1=py311h96b013e_0 - numexpr=2.8.7=py311h039bad6_104 - oauthlib=3.2.2=pyhd8ed1ab_0 @@ -489,14 +489,14 @@ dependencies: - uvicorn-standard=0.24.0=h38be061_0 - virtualenv=20.24.6=pyhd8ed1ab_0 - aws-sdk-cpp=1.11.182=h8beafcf_7 - - boto3=1.29.2=pyhd8ed1ab_0 + - boto3=1.29.4=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 - frictionless=4.40.8=pyh6c4a22f_0 - - gdal=3.8.0=py311h815a124_4 + - gdal=3.8.0=py311h815a124_5 - geopandas-base=0.14.1=pyha770c72_0 - google-auth=2.23.4=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 @@ -505,7 +505,7 @@ dependencies: - jupyter_client=8.6.0=pyhd8ed1ab_0 - keyring=24.3.0=py311h38be061_0 - librsvg=2.56.3=h98fae49_0 - - matplotlib-base=3.8.1=py311h54ef318_0 + - matplotlib-base=3.8.2=py311h54ef318_0 - nbformat=5.9.2=pyhd8ed1ab_0 - pandera-core=0.17.2=pyhd8ed1ab_1 - pre-commit=3.5.0=pyha770c72_0 @@ -514,13 +514,13 @@ dependencies: - scikit-learn=1.3.2=py311hc009520_1 - timezonefinder=6.2.0=py311h459d7ec_2 - catalystcoop.ferc_xbrl_extractor=1.2.1=pyhd8ed1ab_0 - - conda-lock=2.4.2=pyhd8ed1ab_0 + - conda-lock=2.5.1=pyhd8ed1ab_0 - dagster-graphql=1.5.9=pyhd8ed1ab_0 - dagster-postgres=0.21.9=pyhd8ed1ab_0 - fiona=1.9.5=py311hf8e0aa6_1 - google-api-core=2.14.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 - - graphviz=8.1.0=h28d9a01_0 + - graphviz=9.0.0=h28d9a01_0 - ipython=8.17.2=pyh41d4057_0 - jupyter_events=0.9.0=pyhd8ed1ab_0 - libarrow=14.0.1=h4df1b6a_3_cpu @@ -538,7 +538,7 @@ dependencies: - libarrow-gandiva=14.0.1=hacb8726_3_cpu - libparquet=14.0.1=h352af49_3_cpu - nbconvert-core=7.11.0=pyhd8ed1ab_0 - - pygraphviz=1.11=py311h72a77b7_1 + - pygraphviz=1.11=py311hbf5cbc9_2 - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 @@ -555,7 +555,7 @@ dependencies: - libarrow-substrait=14.0.1=h61ff412_3_cpu - nbconvert=7.11.0=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 - - jupyterlab=4.0.8=pyhd8ed1ab_0 + - jupyterlab=4.0.9=pyhd8ed1ab_0 - pyarrow=14.0.1=py311h39c9aba_3_cpu - notebook=7.0.6=pyhd8ed1ab_0 - jupyter=1.0.0=pyhd8ed1ab_10 diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index 19e34ca7a4..46914ac394 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -15,9 +15,9 @@ version: 1 metadata: content_hash: - linux-64: 62bcd0fc7d50df96982d048631ad45bff7910db618111621e212e7f3c28a44bc - osx-64: bcf38db86781af22df7f496ce0dafe43a905c359e9c7d6d038429569b874c305 - osx-arm64: 8d8eb4c72944efa02bab31f0274acad445146594b4cad129cc341a304e08ebb2 + linux-64: 948078f7f90587f6b91354dbc73ccdcb6abab18c115f55a56d7f4eba9cd0cd6d + osx-64: c04c8d1ebc32d414a7bc23be2fa01ff71434da1c2e660a0c77e834b62e86d2e0 + osx-arm64: 016e713916200bbd81bfb5f2f25497979ac1d528cc668d149f3b13e10369e0c4 channels: - url: conda-forge used_env_vars: [] @@ -41,880 +41,1008 @@ package: sha256: fe51de6107f9edc7aa4f786a70f4a883943bc9d39b3bb7307c04c41410990726 category: main optional: false - - name: ca-certificates - version: 2023.11.17 + - name: _openmp_mutex + version: "4.5" manager: conda platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/linux-64/ca-certificates-2023.11.17-hbcca054_0.conda + dependencies: + _libgcc_mutex: "0.1" + libgomp: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/_openmp_mutex-4.5-2_gnu.tar.bz2 hash: - md5: 01ffc8d36f9eba0ce0b3c1955fa780ee - sha256: fb4b9f4b7d885002db0b93e22f44b5b03791ef3d4efdc9d0662185a0faafd6b6 + md5: 73aaf86a425cc6e73fcf236a5a46396d + sha256: fbe2c5e56a653bebb982eda4876a9178aedfc2b545f25d0ce9c4c0b508253d22 category: main optional: false - - name: font-ttf-dejavu-sans-mono - version: "2.37" + - name: addfips + version: 0.4.0 manager: conda platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-dejavu-sans-mono-2.37-hab24e00_0.tar.bz2 + dependencies: + importlib_resources: ">=5.0" + python: ">=3.7.5" + url: https://conda.anaconda.org/conda-forge/noarch/addfips-0.4.0-pyhd8ed1ab_1.conda hash: - md5: 0c96522c6bdaed4b1566d11387caaf45 - sha256: 58d7f40d2940dd0a8aa28651239adbf5613254df0f75789919c4e6762054403b + md5: cb434d01bfd3ba57c54a423f3773ffda + sha256: c6f7bf91f19ad4fdd183efde6346a0dfd3df7929f413c9535e19c51610b4f671 category: main optional: false - - name: font-ttf-inconsolata - version: "3.000" + - name: addfips + version: 0.4.0 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-inconsolata-3.000-h77eed37_0.tar.bz2 + platform: osx-64 + dependencies: + importlib_resources: ">=5.0" + python: ">=3.7.5" + url: https://conda.anaconda.org/conda-forge/noarch/addfips-0.4.0-pyhd8ed1ab_1.conda hash: - md5: 34893075a5c9e55cdafac56607368fc6 - sha256: c52a29fdac682c20d252facc50f01e7c2e7ceac52aa9817aaf0bb83f7559ec5c + md5: cb434d01bfd3ba57c54a423f3773ffda + sha256: c6f7bf91f19ad4fdd183efde6346a0dfd3df7929f413c9535e19c51610b4f671 category: main optional: false - - name: font-ttf-source-code-pro - version: "2.038" + - name: addfips + version: 0.4.0 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-source-code-pro-2.038-h77eed37_0.tar.bz2 + platform: osx-arm64 + dependencies: + importlib_resources: ">=5.0" + python: ">=3.7.5" + url: https://conda.anaconda.org/conda-forge/noarch/addfips-0.4.0-pyhd8ed1ab_1.conda hash: - md5: 4d59c254e01d9cde7957100457e2d5fb - sha256: 00925c8c055a2275614b4d983e1df637245e19058d79fc7dd1a93b8d9fb4b139 + md5: cb434d01bfd3ba57c54a423f3773ffda + sha256: c6f7bf91f19ad4fdd183efde6346a0dfd3df7929f413c9535e19c51610b4f671 category: main optional: false - - name: font-ttf-ubuntu - version: "0.83" + - name: aiofiles + version: 23.2.1 manager: conda platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-ubuntu-0.83-hab24e00_0.tar.bz2 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/aiofiles-23.2.1-pyhd8ed1ab_0.conda hash: - md5: 19410c3df09dfb12d1206132a1d357c5 - sha256: 470d5db54102bd51dbb0c5990324a2f4a0bc976faa493b22193338adb9882e2e + md5: a2ee5b45771a700cf442a2edb151594e + sha256: 98c9b4480dba1ae72c9a187cee7164ed1704f03c82576940311b5c3b55118ee5 category: main optional: false - - name: ld_impl_linux-64 - version: "2.40" + - name: aiofiles + version: 23.2.1 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/linux-64/ld_impl_linux-64-2.40-h41732ed_0.conda + platform: osx-64 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/aiofiles-23.2.1-pyhd8ed1ab_0.conda hash: - md5: 7aca3059a1729aa76c597603f10b0dd3 - sha256: f6cc89d887555912d6c61b295d398cff9ec982a3417d38025c45d5dd9b9e79cd + md5: a2ee5b45771a700cf442a2edb151594e + sha256: 98c9b4480dba1ae72c9a187cee7164ed1704f03c82576940311b5c3b55118ee5 category: main optional: false - - name: libboost-headers - version: 1.82.0 + - name: aiofiles + version: 23.2.1 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/linux-64/libboost-headers-1.82.0-ha770c72_6.conda + platform: osx-arm64 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/aiofiles-23.2.1-pyhd8ed1ab_0.conda hash: - md5: a943dcb8fd22cf23ce901ac84f6538c2 - sha256: c996950b85808115ea833e577a0af2969dbb0378c299560c2b945401a7770823 + md5: a2ee5b45771a700cf442a2edb151594e + sha256: 98c9b4480dba1ae72c9a187cee7164ed1704f03c82576940311b5c3b55118ee5 category: main optional: false - - name: libstdcxx-ng - version: 13.2.0 + - name: aiohttp + version: 3.8.6 manager: conda platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/linux-64/libstdcxx-ng-13.2.0-h7e041cc_3.conda + dependencies: + aiosignal: ">=1.1.2" + async-timeout: <5.0,>=4.0.0a3 + attrs: ">=17.3.0" + charset-normalizer: ">=2.0,<4.0" + frozenlist: ">=1.1.1" + libgcc-ng: ">=12" + multidict: ">=4.5,<7.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + yarl: ">=1.0,<2.0" + url: https://conda.anaconda.org/conda-forge/linux-64/aiohttp-3.8.6-py311h459d7ec_1.conda hash: - md5: 937eaed008f6bf2191c5fe76f87755e9 - sha256: 6c6c49efedcc5709a66f19fb6b26b69c6a5245310fd1d9a901fd5e38aaf7f882 + md5: 7d4b63a745f293029b5689b0b5d8aa15 + sha256: 690f7ca719e99d47728c392ab0f5f362013852800db41702c29d219c8e380976 category: main optional: false - - name: nomkl - version: "1.0" + - name: aiohttp + version: 3.8.6 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/nomkl-1.0-h5ca1d4c_0.tar.bz2 + platform: osx-64 + dependencies: + aiosignal: ">=1.1.2" + async-timeout: <5.0,>=4.0.0a3 + attrs: ">=17.3.0" + charset-normalizer: ">=2.0,<4.0" + frozenlist: ">=1.1.1" + multidict: ">=4.5,<7.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + yarl: ">=1.0,<2.0" + url: https://conda.anaconda.org/conda-forge/osx-64/aiohttp-3.8.6-py311he705e18_1.conda hash: - md5: 9a66894dfd07c4510beb6b3f9672ccc0 - sha256: d38542a151a90417065c1a234866f97fd1ea82a81de75ecb725955ab78f88b4b + md5: 5319ce185be1f2c4d1b19b95488c02a8 + sha256: e2f3b1c8fe44daf016396f6a49e80c84aeb9621d2812bec15e4d1873e5972b58 category: main optional: false - - name: poppler-data - version: 0.4.12 + - name: aiohttp + version: 3.8.6 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/poppler-data-0.4.12-hd8ed1ab_0.conda + platform: osx-arm64 + dependencies: + aiosignal: ">=1.1.2" + async-timeout: <5.0,>=4.0.0a3 + attrs: ">=17.3.0" + charset-normalizer: ">=2.0,<4.0" + frozenlist: ">=1.1.1" + multidict: ">=4.5,<7.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + yarl: ">=1.0,<2.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aiohttp-3.8.6-py311h05b510d_1.conda hash: - md5: d8d7293c5b37f39b2ac32940621c6592 - sha256: 2f227e17b3c0346112815faa605502b66c1c4511a856127f2899abf15a98a2cf + md5: c783a2696f1acfb0fcd748aa87118518 + sha256: b41fca4f9bd2f09cf0daeb762c5f74cedfea366f409dcbdcff8d565c616c2309 category: main optional: false - - name: python_abi - version: "3.11" + - name: aiosignal + version: 1.3.1 manager: conda platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/linux-64/python_abi-3.11-4_cp311.conda + dependencies: + frozenlist: ">=1.1.0" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/aiosignal-1.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: d786502c97404c94d7d58d258a445a65 - sha256: 0be3ac1bf852d64f553220c7e6457e9c047dfb7412da9d22fbaa67e60858b3cf + md5: d1e1eb7e21a9e2c74279d87dafb68156 + sha256: 575c742e14c86575986dc867463582a970463da50b77264cdf54df74f5563783 category: main optional: false - - name: tzdata - version: 2023c + - name: aiosignal + version: 1.3.1 manager: conda - platform: linux-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/tzdata-2023c-h71feb2d_0.conda + platform: osx-64 + dependencies: + python: ">=3.7" + frozenlist: ">=1.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/aiosignal-1.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 939e3e74d8be4dac89ce83b20de2492a - sha256: 0449138224adfa125b220154408419ec37c06b0b49f63c5954724325903ecf55 + md5: d1e1eb7e21a9e2c74279d87dafb68156 + sha256: 575c742e14c86575986dc867463582a970463da50b77264cdf54df74f5563783 category: main optional: false - - name: fonts-conda-forge - version: "1" + - name: aiosignal + version: 1.3.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - font-ttf-dejavu-sans-mono: "" - font-ttf-inconsolata: "" - font-ttf-source-code-pro: "" - font-ttf-ubuntu: "" - url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-forge-1-0.tar.bz2 + python: ">=3.7" + frozenlist: ">=1.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/aiosignal-1.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: f766549260d6815b0c52253f1fb1bb29 - sha256: 53f23a3319466053818540bcdf2091f253cbdbab1e0e9ae7b9e509dcaa2a5e38 + md5: d1e1eb7e21a9e2c74279d87dafb68156 + sha256: 575c742e14c86575986dc867463582a970463da50b77264cdf54df74f5563783 category: main optional: false - - name: libgomp - version: 13.2.0 + - name: alabaster + version: 0.7.13 manager: conda platform: linux-64 dependencies: - _libgcc_mutex: "0.1" - url: https://conda.anaconda.org/conda-forge/linux-64/libgomp-13.2.0-h807b86a_3.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/alabaster-0.7.13-pyhd8ed1ab_0.conda hash: - md5: 7124cbb46b13d395bdde68f2d215c989 - sha256: 6ebedee39b6bbbc969715d0d7fa4b381cce67e1139862604ffa393f821c08e81 + md5: 06006184e203b61d3525f90de394471e + sha256: b2d160a050996950434c6e87a174fc01c4a937cbeffbdd20d1b46126b4478a95 category: main optional: false - - name: _openmp_mutex - version: "4.5" + - name: alabaster + version: 0.7.13 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - _libgcc_mutex: "0.1" - libgomp: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/_openmp_mutex-4.5-2_gnu.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/alabaster-0.7.13-pyhd8ed1ab_0.conda hash: - md5: 73aaf86a425cc6e73fcf236a5a46396d - sha256: fbe2c5e56a653bebb982eda4876a9178aedfc2b545f25d0ce9c4c0b508253d22 + md5: 06006184e203b61d3525f90de394471e + sha256: b2d160a050996950434c6e87a174fc01c4a937cbeffbdd20d1b46126b4478a95 category: main optional: false - - name: fonts-conda-ecosystem - version: "1" + - name: alabaster + version: 0.7.13 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - fonts-conda-forge: "" - url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-ecosystem-1-0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/alabaster-0.7.13-pyhd8ed1ab_0.conda hash: - md5: fee5683a3f04bd15cbd8318b096a27ab - sha256: a997f2f1921bb9c9d76e6fa2f6b408b7fa549edd349a77639c9fe7a23ea93e61 + md5: 06006184e203b61d3525f90de394471e + sha256: b2d160a050996950434c6e87a174fc01c4a937cbeffbdd20d1b46126b4478a95 category: main optional: false - - name: libgcc-ng - version: 13.2.0 + - name: alembic + version: 1.12.1 manager: conda platform: linux-64 dependencies: - _libgcc_mutex: "0.1" - _openmp_mutex: ">=4.5" - url: https://conda.anaconda.org/conda-forge/linux-64/libgcc-ng-13.2.0-h807b86a_3.conda + importlib-metadata: "" + importlib_resources: "" + mako: "" + python: ">=3.7" + sqlalchemy: ">=1.3.0" + typing-extensions: ">=4" + url: https://conda.anaconda.org/conda-forge/noarch/alembic-1.12.1-pyhd8ed1ab_0.conda hash: - md5: 23fdf1fef05baeb7eadc2aed5fb0011f - sha256: 5e88f658e07a30ab41b154b42c59f079b168acfa9551a75bdc972099453f4105 + md5: 15de9992b4096a2a6656ca202fde6e4c + sha256: 24019b1af4777e32843b230dd7a9bf7082943eb21bba03379ceed0bda50facf9 category: main optional: false - - name: aws-c-common - version: 0.9.8 + - name: alembic + version: 1.12.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-common-0.9.8-hd590300_0.conda + importlib-metadata: "" + importlib_resources: "" + mako: "" + python: ">=3.7" + sqlalchemy: ">=1.3.0" + typing-extensions: ">=4" + url: https://conda.anaconda.org/conda-forge/noarch/alembic-1.12.1-pyhd8ed1ab_0.conda hash: - md5: 1fd5f2ae093f2dbf28dc4f18fca57309 - sha256: 09075cb426a0b903b7ca86e4f399eb0be02b6d24e403792a5f378064fcb7a08b + md5: 15de9992b4096a2a6656ca202fde6e4c + sha256: 24019b1af4777e32843b230dd7a9bf7082943eb21bba03379ceed0bda50facf9 category: main optional: false - - name: bzip2 - version: 1.0.8 + - name: alembic + version: 1.12.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/bzip2-1.0.8-hd590300_5.conda + importlib-metadata: "" + importlib_resources: "" + mako: "" + python: ">=3.7" + sqlalchemy: ">=1.3.0" + typing-extensions: ">=4" + url: https://conda.anaconda.org/conda-forge/noarch/alembic-1.12.1-pyhd8ed1ab_0.conda hash: - md5: 69b8b6202a07720f448be700e300ccf4 - sha256: 242c0c324507ee172c0e0dd2045814e746bb303d1eb78870d182ceb0abc726a8 + md5: 15de9992b4096a2a6656ca202fde6e4c + sha256: 24019b1af4777e32843b230dd7a9bf7082943eb21bba03379ceed0bda50facf9 category: main optional: false - - name: c-ares - version: 1.21.0 + - name: aniso8601 + version: 9.0.1 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/c-ares-1.21.0-hd590300_0.conda + python: ">=2.7" + python-dateutil: "" + url: https://conda.anaconda.org/conda-forge/noarch/aniso8601-9.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: c06fa0440048270817b9e3142cc661bf - sha256: dfe0e81d5462fced79fd0f99edeec94c9b27268cb04238638180981af2f889f1 - category: main - optional: false - - name: fribidi - version: 1.0.10 + md5: 36fba1a639f2d24723c5480345b78553 + sha256: 201c040b6ee0045805a777f75f37a8648eb8dfd4725d62a4fcddc24d7d6c2a9f + category: dev + optional: true + - name: aniso8601 + version: 9.0.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/fribidi-1.0.10-h36c2ea0_0.tar.bz2 + python-dateutil: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/aniso8601-9.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: ac7bc6a654f8f41b352b38f4051135f8 - sha256: 5d7b6c0ee7743ba41399e9e05a58ccc1cfc903942e49ff6f677f6e423ea7a627 + md5: 36fba1a639f2d24723c5480345b78553 + sha256: 201c040b6ee0045805a777f75f37a8648eb8dfd4725d62a4fcddc24d7d6c2a9f category: dev optional: true - - name: geos - version: 3.12.0 + - name: aniso8601 + version: 9.0.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/geos-3.12.0-h59595ed_0.conda + python-dateutil: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/aniso8601-9.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3fdf79ef322c8379ae83be491d805369 - sha256: c80ff0ed71db0d56567ee87df28bc442b596330ac241ab86f488e3139f0e2cae - category: main - optional: false - - name: gettext - version: 0.21.1 + md5: 36fba1a639f2d24723c5480345b78553 + sha256: 201c040b6ee0045805a777f75f37a8648eb8dfd4725d62a4fcddc24d7d6c2a9f + category: dev + optional: true + - name: anyascii + version: 0.3.2 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/gettext-0.21.1-h27087fc_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/anyascii-0.3.2-pyhd8ed1ab_0.conda hash: - md5: 14947d8770185e5153fdd04d4673ed37 - sha256: 4fcfedc44e4c9a053f0416f9fc6ab6ed50644fca3a761126dbd00d09db1f546a + md5: 70b6fc71d80ea6176f5302ebbeb13d8a + sha256: 8ad0591c262e63f3a66fe093886a4b5d00d3ad6223560fc2a88da441c672fddc category: main optional: false - - name: gflags - version: 2.2.2 + - name: anyascii + version: 0.3.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=7.5.0" - libstdcxx-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/gflags-2.2.2-he1b5a44_1004.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/anyascii-0.3.2-pyhd8ed1ab_0.conda hash: - md5: cddaf2c63ea4a5901cf09524c490ecdc - sha256: a853c0cacf53cfc59e1bca8d6e5cdfe9f38fce836f08c2a69e35429c2a492e77 + md5: 70b6fc71d80ea6176f5302ebbeb13d8a + sha256: 8ad0591c262e63f3a66fe093886a4b5d00d3ad6223560fc2a88da441c672fddc category: main optional: false - - name: giflib - version: 5.2.1 + - name: anyascii + version: 0.3.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/giflib-5.2.1-h0b41bf4_3.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/anyascii-0.3.2-pyhd8ed1ab_0.conda hash: - md5: 96f3b11872ef6fad973eac856cd2624f - sha256: 41ec165704ccce2faa0437f4f53c03c06261a2cc9ff7614828e51427d9261f4b + md5: 70b6fc71d80ea6176f5302ebbeb13d8a + sha256: 8ad0591c262e63f3a66fe093886a4b5d00d3ad6223560fc2a88da441c672fddc category: main optional: false - - name: gmp - version: 6.3.0 + - name: anyio + version: 4.0.0 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/gmp-6.3.0-h59595ed_0.conda + exceptiongroup: "" + idna: ">=2.8" + python: ">=3.8" + sniffio: ">=1.1" + url: https://conda.anaconda.org/conda-forge/noarch/anyio-4.0.0-pyhd8ed1ab_0.conda hash: - md5: 0e33ef437202db431aa5a928248cf2e8 - sha256: 2a50495b6bbbacb03107ea0b752d8358d4a40b572d124a8cade068c147f344f5 + md5: 3c4e99d3ae4ec033d4dd99fb5220e540 + sha256: 64125775b2e724db5c72e431dd180495d5d509d0a2d1228a122e6af9f1b60e33 category: main optional: false - - name: graphite2 - version: 1.3.13 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=7.5.0" - libstdcxx-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/graphite2-1.3.13-h58526e2_1001.tar.bz2 - hash: - md5: 8c54672728e8ec6aa6db90cf2806d220 - sha256: 65da967f3101b737b08222de6a6a14e20e480e7d523a5d1e19ace7b960b5d6b1 - category: dev - optional: true - - name: icu - version: "73.2" + - name: anyio + version: 4.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/icu-73.2-h59595ed_0.conda + exceptiongroup: "" + python: ">=3.8" + sniffio: ">=1.1" + idna: ">=2.8" + url: https://conda.anaconda.org/conda-forge/noarch/anyio-4.0.0-pyhd8ed1ab_0.conda hash: - md5: cc47e1facc155f91abd89b11e48e72ff - sha256: e12fd90ef6601da2875ebc432452590bc82a893041473bc1c13ef29001a73ea8 + md5: 3c4e99d3ae4ec033d4dd99fb5220e540 + sha256: 64125775b2e724db5c72e431dd180495d5d509d0a2d1228a122e6af9f1b60e33 category: main optional: false - - name: json-c - version: "0.17" + - name: anyio + version: 4.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/json-c-0.17-h7ab15ed_0.conda + exceptiongroup: "" + python: ">=3.8" + sniffio: ">=1.1" + idna: ">=2.8" + url: https://conda.anaconda.org/conda-forge/noarch/anyio-4.0.0-pyhd8ed1ab_0.conda hash: - md5: 9961b1f100c3b6852bd97c9233d06979 - sha256: 5646496ca07dfa1486d27ed07282967007811dfc63d6394652e87f94166ecae3 + md5: 3c4e99d3ae4ec033d4dd99fb5220e540 + sha256: 64125775b2e724db5c72e431dd180495d5d509d0a2d1228a122e6af9f1b60e33 category: main optional: false - - name: keyutils - version: 1.6.1 + - name: appdirs + version: 1.4.4 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=10.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/keyutils-1.6.1-h166bdaf_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/appdirs-1.4.4-pyh9f0ad1d_0.tar.bz2 hash: - md5: 30186d27e2c9fa62b45fb1476b7200e3 - sha256: 150c05a6e538610ca7c43beb3a40d65c90537497a4f6a5f4d15ec0451b6f5ebb + md5: 5f095bc6454094e96f146491fd03633b + sha256: ae9fb8f68281f84482f2c234379aa12405a9e365151d43af20b3ae1f17312111 category: main optional: false - - name: lerc - version: 4.0.0 + - name: appdirs + version: 1.4.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/lerc-4.0.0-h27087fc_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/appdirs-1.4.4-pyh9f0ad1d_0.tar.bz2 hash: - md5: 76bbff344f0134279f225174e9064c8f - sha256: cb55f36dcd898203927133280ae1dc643368af041a48bcf7c026acb7c47b0c12 + md5: 5f095bc6454094e96f146491fd03633b + sha256: ae9fb8f68281f84482f2c234379aa12405a9e365151d43af20b3ae1f17312111 category: main optional: false - - name: libabseil - version: "20230802.1" + - name: appdirs + version: 1.4.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libabseil-20230802.1-cxx17_h59595ed_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/appdirs-1.4.4-pyh9f0ad1d_0.tar.bz2 hash: - md5: 2785ddf4cb0e7e743477991d64353947 - sha256: 8729021a93e67bb93b4e73ef0a132499db516accfea11561b667635bcd0507e7 + md5: 5f095bc6454094e96f146491fd03633b + sha256: ae9fb8f68281f84482f2c234379aa12405a9e365151d43af20b3ae1f17312111 category: main optional: false - - name: libaec - version: 1.1.2 + - name: appnope + version: 0.1.3 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libaec-1.1.2-h59595ed_1.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/appnope-0.1.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: 127b0be54c1c90760d7fe02ea7a56426 - sha256: fdde15e74dc099ab1083823ec0f615958e53d9a8fae10405af977de251668bea + md5: 54ac328d703bff191256ffa1183126d1 + sha256: b209a68ac55eb9ecad7042f0d4eedef5da924699f6cdf54ac1826869cfdae742 category: main optional: false - - name: libbrotlicommon - version: 1.1.0 + - name: appnope + version: 0.1.3 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libbrotlicommon-1.1.0-hd590300_1.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/appnope-0.1.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: aec6c91c7371c26392a06708a73c70e5 - sha256: 40f29d1fab92c847b083739af86ad2f36d8154008cf99b64194e4705a1725d78 + md5: 54ac328d703bff191256ffa1183126d1 + sha256: b209a68ac55eb9ecad7042f0d4eedef5da924699f6cdf54ac1826869cfdae742 category: main optional: false - - name: libcrc32c - version: 1.1.2 + - name: arelle-release + version: 2.17.4 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=9.4.0" - libstdcxx-ng: ">=9.4.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libcrc32c-1.1.2-h9c3ff4c_0.tar.bz2 + certifi: "" + isodate: 0.* + lxml: 4.* + numpy: 1.* + openpyxl: 3.* + pyparsing: 3.* + python: ">=3.8" + python-dateutil: 2.* + regex: "" + url: https://conda.anaconda.org/conda-forge/noarch/arelle-release-2.17.4-pyhd8ed1ab_0.conda hash: - md5: c965a5aa0d5c1c37ffc62dff36e28400 - sha256: fd1d153962764433fe6233f34a72cdeed5dcf8a883a85769e8295ce940b5b0c5 + md5: 66972cbec7556aa94aba3da76b408f19 + sha256: a30a66c040021c396a99bf862ad78181a4888e67b2ac51ac7e21422c4165986c category: main optional: false - - name: libdeflate - version: "1.19" + - name: arelle-release + version: 2.17.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libdeflate-1.19-hd590300_0.conda + certifi: "" + regex: "" + python: ">=3.8" + numpy: 1.* + python-dateutil: 2.* + isodate: 0.* + lxml: 4.* + openpyxl: 3.* + pyparsing: 3.* + url: https://conda.anaconda.org/conda-forge/noarch/arelle-release-2.17.4-pyhd8ed1ab_0.conda hash: - md5: 1635570038840ee3f9c71d22aa5b8b6d - sha256: 985ad27aa0ba7aad82afa88a8ede6a1aacb0aaca950d710f15d85360451e72fd + md5: 66972cbec7556aa94aba3da76b408f19 + sha256: a30a66c040021c396a99bf862ad78181a4888e67b2ac51ac7e21422c4165986c category: main optional: false - - name: libev - version: "4.33" + - name: arelle-release + version: 2.17.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libev-4.33-h516909a_1.tar.bz2 + certifi: "" + regex: "" + python: ">=3.8" + numpy: 1.* + python-dateutil: 2.* + isodate: 0.* + lxml: 4.* + openpyxl: 3.* + pyparsing: 3.* + url: https://conda.anaconda.org/conda-forge/noarch/arelle-release-2.17.4-pyhd8ed1ab_0.conda hash: - md5: 6f8720dff19e17ce5d48cfe7f3d2f0a3 - sha256: 8c9635aa0ea28922877dc96358f9547f6a55fc7e2eb75a556b05f1725496baf9 + md5: 66972cbec7556aa94aba3da76b408f19 + sha256: a30a66c040021c396a99bf862ad78181a4888e67b2ac51ac7e21422c4165986c category: main optional: false - - name: libexpat - version: 2.5.0 + - name: argon2-cffi + version: 23.1.0 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libexpat-2.5.0-hcb278e6_1.conda + argon2-cffi-bindings: "" + python: ">=3.7" + typing-extensions: "" + url: https://conda.anaconda.org/conda-forge/noarch/argon2-cffi-23.1.0-pyhd8ed1ab_0.conda hash: - md5: 6305a3dd2752c76335295da4e581f2fd - sha256: 74c98a563777ae2ad71f1f74d458a8ab043cee4a513467c159ccf159d0e461f3 + md5: 3afef1f55a1366b4d3b6a0d92e2235e4 + sha256: 130766446f5507bd44df957b6b5c898a8bd98f024bb426ed6cb9ff1ad67fc677 category: main optional: false - - name: libffi - version: 3.4.2 + - name: argon2-cffi + version: 23.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=9.4.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libffi-3.4.2-h7f98852_5.tar.bz2 + typing-extensions: "" + argon2-cffi-bindings: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/argon2-cffi-23.1.0-pyhd8ed1ab_0.conda hash: - md5: d645c6d2ac96843a2bfaccd2d62b3ac3 - sha256: ab6e9856c21709b7b517e940ae7028ae0737546122f83c2aa5d692860c3b149e + md5: 3afef1f55a1366b4d3b6a0d92e2235e4 + sha256: 130766446f5507bd44df957b6b5c898a8bd98f024bb426ed6cb9ff1ad67fc677 category: main optional: false - - name: libgfortran5 - version: 13.2.0 + - name: argon2-cffi + version: 23.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=13.2.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libgfortran5-13.2.0-ha4646dd_3.conda + typing-extensions: "" + argon2-cffi-bindings: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/argon2-cffi-23.1.0-pyhd8ed1ab_0.conda hash: - md5: c714d905cdfa0e70200f68b80cc04764 - sha256: 0084a1d29a4f8ee3b8edad80eb6c42e5f0480f054f28cf713fb314bebb347a50 + md5: 3afef1f55a1366b4d3b6a0d92e2235e4 + sha256: 130766446f5507bd44df957b6b5c898a8bd98f024bb426ed6cb9ff1ad67fc677 category: main optional: false - - name: libiconv - version: "1.17" + - name: argon2-cffi-bindings + version: 21.2.0 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=10.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libiconv-1.17-h166bdaf_0.tar.bz2 + cffi: ">=1.0.1" + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/argon2-cffi-bindings-21.2.0-py311h459d7ec_4.conda hash: - md5: b62b52da46c39ee2bc3c162ac7f1804d - sha256: 6a81ebac9f1aacdf2b4f945c87ad62b972f0f69c8e0981d68e111739e6720fd7 + md5: de5b16869a430949b02161b04b844a30 + sha256: 104194af519b4e667aa5341068b94b521a791aaaa05ec0091f8f0bdba43a60ac category: main optional: false - - name: libjpeg-turbo - version: 3.0.0 + - name: argon2-cffi-bindings + version: 21.2.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libjpeg-turbo-3.0.0-hd590300_1.conda + cffi: ">=1.0.1" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/argon2-cffi-bindings-21.2.0-py311h2725bcf_4.conda hash: - md5: ea25936bb4080d843790b586850f82b8 - sha256: b954e09b7e49c2f2433d6f3bb73868eda5e378278b0f8c1dd10a7ef090e14f2f + md5: e2aba0ad0f533ee73f9d4330d2e32549 + sha256: be27659496bcb660fc9c3f5f74128a7bb090336897e9c7cfbcc55ae66f13b8d8 category: main optional: false - - name: libnsl - version: 2.0.1 + - name: argon2-cffi-bindings + version: 21.2.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libnsl-2.0.1-hd590300_0.conda + cffi: ">=1.0.1" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/argon2-cffi-bindings-21.2.0-py311heffc1b2_4.conda hash: - md5: 30fd6e37fe21f86f4bd26d6ee73eeec7 - sha256: 26d77a3bb4dceeedc2a41bd688564fe71bf2d149fdcf117049970bc02ff1add6 + md5: e9a56c22ca1215ed3a7b6a9e8c4e6f07 + sha256: b9ab23e4f0d615432949d4b93723bd04b3c4aef725aa03b1e993903265c1b975 category: main optional: false - - name: libnuma - version: 2.0.16 + - name: arrow + version: 1.3.0 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libnuma-2.0.16-h0b41bf4_1.conda + python: ">=3.8" + python-dateutil: ">=2.7.0" + types-python-dateutil: ">=2.8.10" + url: https://conda.anaconda.org/conda-forge/noarch/arrow-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 28bfe2cb11357ccc5be21101a6b7ce86 - sha256: 814a50cba215548ec3ebfb53033ffb9b3b070b2966570ff44910b8d9ba1c359d + md5: b77d8c2313158e6e461ca0efb1c2c508 + sha256: ff49825c7f9e29e09afa6284300810e7a8640d621740efb47c4541f4dc4969db category: main optional: false - - name: libsodium - version: 1.0.18 + - name: arrow + version: 1.3.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libsodium-1.0.18-h36c2ea0_1.tar.bz2 + python: ">=3.8" + python-dateutil: ">=2.7.0" + types-python-dateutil: ">=2.8.10" + url: https://conda.anaconda.org/conda-forge/noarch/arrow-1.3.0-pyhd8ed1ab_0.conda hash: - md5: c3788462a6fbddafdb413a9f9053e58d - sha256: 53da0c8b79659df7b53eebdb80783503ce72fb4b10ed6e9e05cc0e9e4207a130 + md5: b77d8c2313158e6e461ca0efb1c2c508 + sha256: ff49825c7f9e29e09afa6284300810e7a8640d621740efb47c4541f4dc4969db category: main optional: false - - name: libspatialindex - version: 1.9.3 + - name: arrow + version: 1.3.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=9.3.0" - libstdcxx-ng: ">=9.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libspatialindex-1.9.3-h9c3ff4c_4.tar.bz2 + python: ">=3.8" + python-dateutil: ">=2.7.0" + types-python-dateutil: ">=2.8.10" + url: https://conda.anaconda.org/conda-forge/noarch/arrow-1.3.0-pyhd8ed1ab_0.conda hash: - md5: d87fbe9c0ff589e802ff13872980bfd9 - sha256: 588fbd0c11bc44e354365d5f836183216a4ed17d680b565ff416a93b839f1a8b + md5: b77d8c2313158e6e461ca0efb1c2c508 + sha256: ff49825c7f9e29e09afa6284300810e7a8640d621740efb47c4541f4dc4969db category: main optional: false - - name: libtool - version: 2.4.7 + - name: asgi-csrf + version: "0.9" manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libtool-2.4.7-h27087fc_0.conda + itsdangerous: "" + python: ">=3.6" + python-multipart: "" + url: https://conda.anaconda.org/conda-forge/noarch/asgi-csrf-0.9-pyhd8ed1ab_0.tar.bz2 hash: - md5: f204c8ba400ec475452737094fb81d52 - sha256: 345b3b580ef91557a82425ea3f432a70a8748c040deb14570b9f4dca4af3e3d1 - category: dev - optional: true - - name: libutf8proc - version: 2.8.0 + md5: eae21b40ce9beded0ce0e5c67180b1e7 + sha256: 9e8d86083dac575490045e570147ff44879aa8412dafa04cff3e539f77eb263f + category: main + optional: false + - name: asgi-csrf + version: "0.9" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libutf8proc-2.8.0-h166bdaf_0.tar.bz2 + itsdangerous: "" + python-multipart: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/asgi-csrf-0.9-pyhd8ed1ab_0.tar.bz2 hash: - md5: ede4266dc02e875fe1ea77b25dd43747 - sha256: 49082ee8d01339b225f7f8c60f32a2a2c05fe3b16f31b554b4fb2c1dea237d1c + md5: eae21b40ce9beded0ce0e5c67180b1e7 + sha256: 9e8d86083dac575490045e570147ff44879aa8412dafa04cff3e539f77eb263f category: main optional: false - - name: libuuid - version: 2.38.1 + - name: asgi-csrf + version: "0.9" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libuuid-2.38.1-h0b41bf4_0.conda + itsdangerous: "" + python-multipart: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/asgi-csrf-0.9-pyhd8ed1ab_0.tar.bz2 hash: - md5: 40b61aab5c7ba9ff276c41cfffe6b80b - sha256: 787eb542f055a2b3de553614b25f09eefb0a0931b0c87dbcce6efdfd92f04f18 + md5: eae21b40ce9beded0ce0e5c67180b1e7 + sha256: 9e8d86083dac575490045e570147ff44879aa8412dafa04cff3e539f77eb263f category: main optional: false - - name: libuv - version: 1.46.0 + - name: asgiref + version: 3.7.2 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libuv-1.46.0-hd590300_0.conda + python: ">=3.7" + typing_extensions: ">=4" + url: https://conda.anaconda.org/conda-forge/noarch/asgiref-3.7.2-pyhd8ed1ab_0.conda hash: - md5: d23c76f7e6dcd6243d1b6ef5e62d17d2 - sha256: 4bc4c946e9a532c066442714eeeeb1ffbd03cd89789c4047293f5e782b5fedd7 + md5: 596932155bf88bb6837141550cb721b0 + sha256: 63f85717fd38912a69be5a03d35a648c404cb86843cd4a1302c380c0e7744e30 category: main optional: false - - name: libwebp-base - version: 1.3.2 + - name: asgiref + version: 3.7.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libwebp-base-1.3.2-hd590300_0.conda + python: ">=3.7" + typing_extensions: ">=4" + url: https://conda.anaconda.org/conda-forge/noarch/asgiref-3.7.2-pyhd8ed1ab_0.conda hash: - md5: 30de3fd9b3b602f7473f30e684eeea8c - sha256: 68764a760fa81ef35dacb067fe8ace452bbb41476536a4a147a1051df29525f0 + md5: 596932155bf88bb6837141550cb721b0 + sha256: 63f85717fd38912a69be5a03d35a648c404cb86843cd4a1302c380c0e7744e30 category: main optional: false - - name: libzlib - version: 1.2.13 + - name: asgiref + version: 3.7.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libzlib-1.2.13-hd590300_5.conda + python: ">=3.7" + typing_extensions: ">=4" + url: https://conda.anaconda.org/conda-forge/noarch/asgiref-3.7.2-pyhd8ed1ab_0.conda hash: - md5: f36c115f1ee199da648e0597ec2047ad - sha256: 370c7c5893b737596fd6ca0d9190c9715d89d888b8c88537ae1ef168c25e82e4 + md5: 596932155bf88bb6837141550cb721b0 + sha256: 63f85717fd38912a69be5a03d35a648c404cb86843cd4a1302c380c0e7744e30 category: main optional: false - - name: lz4-c - version: 1.9.4 + - name: astroid + version: 3.0.1 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/lz4-c-1.9.4-hcb278e6_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/astroid-3.0.1-py311h38be061_0.conda hash: - md5: 318b08df404f9c9be5712aaa5a6f0bb0 - sha256: 1b4c105a887f9b2041219d57036f72c4739ab9e9fe5a1486f094e58c76b31f5f + md5: 1cfd7512ea9cf20a14568c6991da262f + sha256: 5aa75c004f51dab842c28f1003e4bf5d6d725867e25474a722aa9fe331649301 category: main optional: false - - name: lzo - version: "2.10" + - name: astroid + version: 3.0.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/lzo-2.10-h516909a_1000.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/astroid-3.0.1-py311h6eed73b_0.conda hash: - md5: bb14fcb13341b81d5eb386423b9d2bac - sha256: 25d16e6aaa3d0b450e61d0c4fadd7c9fd17f16e2fef09b34507209342d63c9f6 + md5: 39aff7722673b4083e5b0d9aa7e33681 + sha256: 9b3233dda23466616bdab742c890062ec757e985f9314c93b5244d5c624b3c1f category: main optional: false - - name: ncurses - version: "6.4" + - name: astroid + version: 3.0.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/ncurses-6.4-h59595ed_2.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/astroid-3.0.1-py311h267d04e_0.conda hash: - md5: 7dbaa197d7ba6032caf7ae7f32c1efa0 - sha256: 91cc03f14caf96243cead96c76fe91ab5925a695d892e83285461fb927dece5e + md5: 1f1ed24d8d83b882f223403c119a1e44 + sha256: 97c2611101771a148a8c0b4fff48e93e2e969a2f5998f21d6aa034ca339fc209 category: main optional: false - - name: nspr - version: "4.35" + - name: asttokens + version: 2.4.1 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/nspr-4.35-h27087fc_0.conda + python: ">=3.5" + six: ">=1.12.0" + url: https://conda.anaconda.org/conda-forge/noarch/asttokens-2.4.1-pyhd8ed1ab_0.conda hash: - md5: da0ec11a6454ae19bff5b02ed881a2b1 - sha256: 8fadeebb2b7369a4f3b2c039a980d419f65c7b18267ba0c62588f9f894396d0c + md5: 5f25798dcefd8252ce5f9dc494d5f571 + sha256: 708168f026df19a0344983754d27d1f7b28bb21afc7b97a82f02c4798a3d2111 category: main optional: false - - name: openssl - version: 3.1.4 + - name: asttokens + version: 2.4.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - ca-certificates: "" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/openssl-3.1.4-hd590300_0.conda + python: ">=3.5" + six: ">=1.12.0" + url: https://conda.anaconda.org/conda-forge/noarch/asttokens-2.4.1-pyhd8ed1ab_0.conda hash: - md5: 412ba6938c3e2abaca8b1129ea82e238 - sha256: d15b3e83ce66c6f6fbb4707f2f5c53337124c01fb03bfda1cf25c5b41123efc7 + md5: 5f25798dcefd8252ce5f9dc494d5f571 + sha256: 708168f026df19a0344983754d27d1f7b28bb21afc7b97a82f02c4798a3d2111 category: main optional: false - - name: pixman - version: 0.42.2 + - name: asttokens + version: 2.4.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/pixman-0.42.2-h59595ed_0.conda + python: ">=3.5" + six: ">=1.12.0" + url: https://conda.anaconda.org/conda-forge/noarch/asttokens-2.4.1-pyhd8ed1ab_0.conda hash: - md5: 700edd63ccd5fc66b70b1c028cea9a68 - sha256: ae917851474eb3b08812b02c9e945d040808523ec53f828aa74a90b0cdf15f57 + md5: 5f25798dcefd8252ce5f9dc494d5f571 + sha256: 708168f026df19a0344983754d27d1f7b28bb21afc7b97a82f02c4798a3d2111 category: main optional: false - - name: pthread-stubs - version: "0.4" + - name: async-lru + version: 2.0.4 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=7.5.0" - url: https://conda.anaconda.org/conda-forge/linux-64/pthread-stubs-0.4-h36c2ea0_1001.tar.bz2 + python: ">=3.8" + typing_extensions: ">=4.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/async-lru-2.0.4-pyhd8ed1ab_0.conda hash: - md5: 22dad4df6e8630e8dff2428f6f6a7036 - sha256: 67c84822f87b641d89df09758da498b2d4558d47b920fd1d3fe6d3a871e000ff + md5: 3d081de3a6ea9f894bbb585e8e3a4dcb + sha256: 7ed83731979fe5b046c157730e50af0e24454468bbba1ed8fc1a3107db5d7518 category: main optional: false - - name: rdma-core - version: "28.9" + - name: async-lru + version: 2.0.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - __glibc: ">=2.17,<3.0.a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/rdma-core-28.9-h59595ed_1.conda + python: ">=3.8" + typing_extensions: ">=4.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/async-lru-2.0.4-pyhd8ed1ab_0.conda hash: - md5: aeffb7c06b5f65e55e6c637408dc4100 - sha256: 832f9393ab3144ce6468c6f150db9d398fad4451e96a8879afb3059f0c9902f6 + md5: 3d081de3a6ea9f894bbb585e8e3a4dcb + sha256: 7ed83731979fe5b046c157730e50af0e24454468bbba1ed8fc1a3107db5d7518 category: main optional: false - - name: snappy - version: 1.1.10 + - name: async-lru + version: 2.0.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/snappy-1.1.10-h9fff704_0.conda + python: ">=3.8" + typing_extensions: ">=4.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/async-lru-2.0.4-pyhd8ed1ab_0.conda hash: - md5: e6d228cd0bb74a51dd18f5bfce0b4115 - sha256: 02219f2382b4fe39250627dade087a4412d811936a5a445636b7260477164eac + md5: 3d081de3a6ea9f894bbb585e8e3a4dcb + sha256: 7ed83731979fe5b046c157730e50af0e24454468bbba1ed8fc1a3107db5d7518 category: main optional: false - - name: tzcode - version: 2023c + - name: async-timeout + version: 4.0.3 manager: conda platform: linux-64 dependencies: - __glibc: ">=2.17,<3.0.a0" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/tzcode-2023c-h0b41bf4_0.conda + python: ">=3.7" + typing-extensions: ">=3.6.5" + url: https://conda.anaconda.org/conda-forge/noarch/async-timeout-4.0.3-pyhd8ed1ab_0.conda hash: - md5: 0c0533894f21c3d35697cb8378d390e2 - sha256: 62b0d3eee4260d310f578015305834b8a588377f796e5e290ec267da8a51a027 + md5: 3ce482ec3066e6d809dbbb1d1679f215 + sha256: bd8b698e7f037a9c6107216646f1191f4f7a7fc6da6c34d1a6d4c211bcca8979 category: main optional: false - - name: uriparser - version: 0.9.7 + - name: async-timeout + version: 4.0.3 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/uriparser-0.9.7-hcb278e6_1.conda + python: ">=3.7" + typing-extensions: ">=3.6.5" + url: https://conda.anaconda.org/conda-forge/noarch/async-timeout-4.0.3-pyhd8ed1ab_0.conda hash: - md5: 2c46deb08ba9b10e90d0a6401ad65deb - sha256: bc7670384fc3e519b376eab25b2c747afe392b243f17e881075231f4a0f2e5a0 + md5: 3ce482ec3066e6d809dbbb1d1679f215 + sha256: bd8b698e7f037a9c6107216646f1191f4f7a7fc6da6c34d1a6d4c211bcca8979 category: main optional: false - - name: xorg-kbproto - version: 1.0.7 + - name: async-timeout + version: 4.0.3 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=9.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-kbproto-1.0.7-h7f98852_1002.tar.bz2 + python: ">=3.7" + typing-extensions: ">=3.6.5" + url: https://conda.anaconda.org/conda-forge/noarch/async-timeout-4.0.3-pyhd8ed1ab_0.conda hash: - md5: 4b230e8381279d76131116660f5a241a - sha256: e90b0a6a5d41776f11add74aa030f789faf4efd3875c31964d6f9cfa63a10dd1 + md5: 3ce482ec3066e6d809dbbb1d1679f215 + sha256: bd8b698e7f037a9c6107216646f1191f4f7a7fc6da6c34d1a6d4c211bcca8979 category: main optional: false - - name: xorg-libice - version: 1.1.1 + - name: atk-1.0 + version: 2.38.0 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libice-1.1.1-hd590300_0.conda + libglib: ">=2.74.1,<3.0a0" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/atk-1.0-2.38.0-hd4edc92_1.tar.bz2 hash: - md5: b462a33c0be1421532f28bfe8f4a7514 - sha256: 5aa9b3682285bb2bf1a8adc064cb63aff76ef9178769740d855abb42b0d24236 - category: main - optional: false - - name: xorg-libxau - version: 1.0.11 + md5: 6c72ec3e660a51736913ef6ea68c454b + sha256: 2f9314de13c1f0b54510a2afa0cdc02c0e3f828fccfc4277734f9590b11a65f1 + category: dev + optional: true + - name: atk-1.0 + version: 2.38.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxau-1.0.11-hd590300_0.conda + libcxx: ">=14.0.4" + libglib: ">=2.74.1,<3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/atk-1.0-2.38.0-h1d18e73_1.tar.bz2 hash: - md5: 2c80dc38fface310c9bd81b17037fee5 - sha256: 309751371d525ce50af7c87811b435c176915239fc9e132b99a25d5e1703f2d4 - category: main - optional: false - - name: xorg-libxdmcp - version: 1.1.3 + md5: 5a538295f97a484ee332aacc131718b5 + sha256: 7af1f86cfc85b1e57547e2a81c069095545ff6a52f3f8e15184df954dce446dd + category: dev + optional: true + - name: atk-1.0 + version: 2.38.0 + manager: conda + platform: osx-arm64 + dependencies: + libcxx: ">=14.0.4" + libglib: ">=2.74.1,<3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/atk-1.0-2.38.0-hcb7b3dd_1.tar.bz2 + hash: + md5: 3c98bfeed7717a9cf5af18c295f49f3a + sha256: d40f103467fd2fa426072691919fd135a4fed4a2b03cd12256ff0fee37a98249 + category: dev + optional: true + - name: attrs + version: 23.1.0 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=9.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxdmcp-1.1.3-h7f98852_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/attrs-23.1.0-pyh71513ae_1.conda hash: - md5: be93aabceefa2fac576e971aef407908 - sha256: 4df7c5ee11b8686d3453e7f3f4aa20ceef441262b49860733066c52cfd0e4a77 + md5: 3edfead7cedd1ab4400a6c588f3e75f8 + sha256: 063639cd568f5c7a557b0fb1cc27f098598c0d8ff869088bfeb82934674f8821 category: main optional: false - - name: xorg-renderproto - version: 0.11.1 + - name: attrs + version: 23.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=9.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-renderproto-0.11.1-h7f98852_1002.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/attrs-23.1.0-pyh71513ae_1.conda hash: - md5: 06feff3d2634e3097ce2fe681474b534 - sha256: 38942930f233d1898594dd9edf4b0c0786f3dbc12065a0c308634c37fd936034 + md5: 3edfead7cedd1ab4400a6c588f3e75f8 + sha256: 063639cd568f5c7a557b0fb1cc27f098598c0d8ff869088bfeb82934674f8821 category: main optional: false - - name: xorg-xextproto - version: 7.3.0 + - name: attrs + version: 23.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-xextproto-7.3.0-h0b41bf4_1003.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/attrs-23.1.0-pyh71513ae_1.conda hash: - md5: bce9f945da8ad2ae9b1d7165a64d0f87 - sha256: b8dda3b560e8a7830fe23be1c58cc41f407b2e20ae2f3b6901eb5842ba62b743 + md5: 3edfead7cedd1ab4400a6c588f3e75f8 + sha256: 063639cd568f5c7a557b0fb1cc27f098598c0d8ff869088bfeb82934674f8821 category: main optional: false - - name: xorg-xproto - version: 7.0.31 + - name: aws-c-auth + version: 0.7.7 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=9.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-xproto-7.0.31-h7f98852_1007.tar.bz2 + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-auth-0.7.7-h37ad1db_0.conda hash: - md5: b4a4381d54784606820704f7b5f05a15 - sha256: f197bb742a17c78234c24605ad1fe2d88b1d25f332b75d73e5ba8cf8fbc2a10d + md5: c66539c2b4f100003e7dbba698585f00 + sha256: 2dd3dd679d242ef644271891916e8153ee5ec87cb94a2c9036b35d8760ceaca2 category: main optional: false - - name: xz - version: 5.2.6 + - name: aws-c-auth + version: 0.7.7 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/xz-5.2.6-h166bdaf_0.tar.bz2 + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-auth-0.7.7-hc3630cc_0.conda hash: - md5: 2161070d867d1b1204ea749c8eec4ef0 - sha256: 03a6d28ded42af8a347345f82f3eebdd6807a08526d47899a42d62d319609162 + md5: 8f5d20d754ea27da53eb460024433f43 + sha256: 85c3821bc400bd32bff92e2da4db3fc7404acb8f662a6a2926c18f63cb5e9e01 category: main optional: false - - name: yaml - version: 0.2.5 + - name: aws-c-auth + version: 0.7.7 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=9.4.0" - url: https://conda.anaconda.org/conda-forge/linux-64/yaml-0.2.5-h7f98852_2.tar.bz2 + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-auth-0.7.7-h30f9597_0.conda hash: - md5: 4cb3ad778ec2d5a7acbdf254eb1c42ae - sha256: a4e34c710eeb26945bdbdaba82d3d74f60a78f54a874ec10d373811a5d217535 + md5: 1d28beae816e8cb52bfe5f16cb62296b + sha256: cf93aa7371f55d779c6af63ce6386f63fcb82b8d924d1aa1be7928c758ae65a5 category: main optional: false - name: aws-c-cal @@ -931,6044 +1059,5870 @@ package: sha256: 8bca41960971a2f6eea0d61a30e6d8b1bf80f520b5959aba92b87d1385d3d0cd category: main optional: false - - name: aws-c-compression - version: 0.2.17 + - name: aws-c-cal + version: 0.6.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: aws-c-common: ">=0.9.8,<0.9.9.0a0" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-compression-0.2.17-hfd9eb17_6.conda + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-cal-0.6.9-h49e9720_1.conda hash: - md5: aee687dcfcc2a75d77b6e6024273978a - sha256: d67e50aff37474eee393346d71c9e4bbb6d190f86722ac932b2837acfea33f76 + md5: a1fc363f4bcbc029a096df632e1b06ab + sha256: 4f7f92067ecf18696a40fedacdc189ffa045020ebd0948ad094624d7c5a8e5a2 category: main optional: false - - name: aws-c-sdkutils - version: 0.1.12 + - name: aws-c-cal + version: 0.6.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: aws-c-common: ">=0.9.8,<0.9.9.0a0" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-sdkutils-0.1.12-hfd9eb17_5.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-cal-0.6.9-hea61927_1.conda hash: - md5: af2bccdb4cf6e9254969426fd53c7c65 - sha256: d109677012abbf7e062d2a64c0df55523b056e74e5895650841b49f7f94a48a1 + md5: 844a59d5740f086963219373174de1d3 + sha256: ebd4b794986b745fb9a9931162e7ca6a4a759625203d995749e5dfc0e23d0e6e category: main optional: false - - name: aws-checksums - version: 0.1.17 + - name: aws-c-common + version: 0.9.8 manager: conda platform: linux-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-checksums-0.1.17-hfd9eb17_5.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-common-0.9.8-hd590300_0.conda hash: - md5: 92077b8c5f72e9b81f069b1eb492ab80 - sha256: fa197cea5d34038066ac743ffa3ae688c057152fff55226ec740c5f68a136282 + md5: 1fd5f2ae093f2dbf28dc4f18fca57309 + sha256: 09075cb426a0b903b7ca86e4f399eb0be02b6d24e403792a5f378064fcb7a08b category: main optional: false - - name: expat - version: 2.5.0 + - name: aws-c-common + version: 0.9.8 manager: conda - platform: linux-64 - dependencies: - libexpat: 2.5.0 - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/expat-2.5.0-hcb278e6_1.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-common-0.9.8-h10d778d_0.conda hash: - md5: 8b9b5aca60558d02ddaa09d599e55920 - sha256: 36dfeb4375059b3bba75ce9b38c29c69fd257342a79e6cf20e9f25c1523f785f + md5: 1835ae87bcb96111220344774a930f02 + sha256: 4aac7a22b208c13707297d8e08c62569186f4dcc2ed3cd01ffa79af4576e3dcc category: main optional: false - - name: glog - version: 0.6.0 + - name: aws-c-common + version: 0.9.8 manager: conda - platform: linux-64 - dependencies: - gflags: ">=2.2.2,<2.3.0a0" - libgcc-ng: ">=10.3.0" - libstdcxx-ng: ">=10.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/glog-0.6.0-h6f12383_0.tar.bz2 + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-common-0.9.8-h93a5062_0.conda hash: - md5: b31f3565cb84435407594e548a2fb7b2 - sha256: 888cbcfb67f6e3d88a4c4ab9d26c9a406f620c4101a35dc6d2dbadb95f2221d4 + md5: cde0cd0c85e62c192da64c49130a7ccd + sha256: 811730643b941f7b3419fdba4824aaac745944e4bcc462c5737ba4025213158e category: main optional: false - - name: hdf4 - version: 4.2.15 + - name: aws-c-compression + version: 0.2.17 manager: conda platform: linux-64 dependencies: + aws-c-common: ">=0.9.8,<0.9.9.0a0" libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/hdf4-4.2.15-h2a13503_7.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-compression-0.2.17-hfd9eb17_6.conda hash: - md5: bd77f8da987968ec3927990495dc22e4 - sha256: 0d09b6dc1ce5c4005ae1c6a19dc10767932ef9a5e9c755cfdbb5189ac8fb0684 + md5: aee687dcfcc2a75d77b6e6024273978a + sha256: d67e50aff37474eee393346d71c9e4bbb6d190f86722ac932b2837acfea33f76 category: main optional: false - - name: libbrotlidec - version: 1.1.0 + - name: aws-c-compression + version: 0.2.17 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libbrotlicommon: 1.1.0 - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libbrotlidec-1.1.0-hd590300_1.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-compression-0.2.17-hff1f2c8_6.conda hash: - md5: f07002e225d7a60a694d42a7bf5ff53f - sha256: 86fc861246fbe5ad85c1b6b3882aaffc89590a48b42d794d3d5c8e6d99e5f926 + md5: d44348239e6be8e1a418cfeda24bc1b5 + sha256: b82eae800be7a26fb0a8d39c009c39f3b8f474d05dcb636b7b8e225ca7c7da2b category: main optional: false - - name: libbrotlienc - version: 1.1.0 + - name: aws-c-compression + version: 0.2.17 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libbrotlicommon: 1.1.0 - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libbrotlienc-1.1.0-hd590300_1.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-compression-0.2.17-hea61927_6.conda hash: - md5: 5fc11c6020d421960607d821310fcd4d - sha256: f751b8b1c4754a2a8dfdc3b4040fa7818f35bbf6b10e905a47d3a194b746b071 + md5: 61e64f2091370b64430faf5fe021bc54 + sha256: 01f5d5397def8f38263cc8bf3a31d2063602238073847a2941fd7f28f01da617 category: main optional: false - - name: libedit - version: 3.1.20191231 + - name: aws-c-event-stream + version: 0.3.2 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=7.5.0" - ncurses: ">=6.2,<7.0.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libedit-3.1.20191231-he28a2e2_2.tar.bz2 + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-event-stream-0.3.2-hae413d4_6.conda hash: - md5: 4d331e44109e3f0e19b4cb8f9b82f3e1 - sha256: a57d37c236d8f7c886e01656f4949d9dcca131d2a0728609c6f7fa338b65f1cf + md5: b4e69f0e7f832dc901bd585f353487f0 + sha256: b7b00593f4cd835780d3a4f61f6f77181b33b8e85cc0f78d9cb48dc1d84e8443 category: main optional: false - - name: libevent - version: 2.1.12 + - name: aws-c-event-stream + version: 0.3.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - openssl: ">=3.1.1,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libevent-2.1.12-hf998b51_1.conda + __osx: ">=10.9" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + libcxx: ">=16.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-event-stream-0.3.2-hb6e475e_6.conda hash: - md5: a1cfcc585f0c42bf8d5546bb1dfb668d - sha256: 2e14399d81fb348e9d231a82ca4d816bf855206923759b69ad006ba482764131 + md5: 19b99f3797acdd59e95a8c1e9cc648df + sha256: 24f9fe6ad0f22c36d1dc49280fcbe90a157c3ba65664f27746aa6e67d6cbbb63 category: main optional: false - - name: libgfortran-ng - version: 13.2.0 + - name: aws-c-event-stream + version: 0.3.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgfortran5: 13.2.0 - url: https://conda.anaconda.org/conda-forge/linux-64/libgfortran-ng-13.2.0-h69a702a_3.conda + __osx: ">=10.9" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + libcxx: ">=16.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-event-stream-0.3.2-h32206d9_6.conda hash: - md5: 73031c79546ad06f1fe62e57fdd021bc - sha256: 5b918950b84605b6865de438757f507b1eff73c96fd562f7022c80028b088c14 + md5: 498485eaae26d9241fa08641e461ec41 + sha256: 2dbeab2e4211ff27ffcc8e4770df4e3083d8d9bb524154ff4ce8d42c3a35a54a category: main optional: false - - name: libkml - version: 1.3.0 + - name: aws-c-http + version: 0.7.14 manager: conda platform: linux-64 dependencies: - libboost-headers: "" - libexpat: ">=2.5.0,<3.0a0" + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-compression: ">=0.2.17,<0.2.18.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - uriparser: ">=0.9.7,<1.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libkml-1.3.0-h01aab08_1018.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-http-0.7.14-h162056d_1.conda hash: - md5: 3eb5f16bcc8a02892199aa63555c731f - sha256: f67fc0be886c7eac14dbce858bfcffbc90a55b598e897e513f0979dd2caad750 + md5: e1b49ef8ddc4faca06a63a7e25da644f + sha256: dc4cda9ffef3b5859c5943f010e947e082315e7d84eb1f5e0b3cd58565eaf405 category: main optional: false - - name: libllvm14 - version: 14.0.6 + - name: aws-c-http + version: 0.7.14 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libllvm14-14.0.6-hcd5def8_4.conda + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-compression: ">=0.2.17,<0.2.18.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-http-0.7.14-h950a07a_1.conda hash: - md5: 73301c133ded2bf71906aa2104edae8b - sha256: 225cc7c3b20ac1db1bdb37fa18c95bf8aecef4388e984ab2f7540a9f4382106a + md5: 0827fb5a8c4a4d209fa44088f3046b40 + sha256: 9fe20e7a79f7a66dec9b4c4eccc56db3e820b7cc380689fff53f19e0b1c05b72 category: main optional: false - - name: libnghttp2 - version: 1.58.0 + - name: aws-c-http + version: 0.7.14 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - c-ares: ">=1.21.0,<2.0a0" - libev: ">=4.33,<4.34.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libnghttp2-1.58.0-h47da74e_0.conda + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-compression: ">=0.2.17,<0.2.18.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-http-0.7.14-h673bc1b_1.conda hash: - md5: 9b13d5ee90fc9f09d54fd403247342b4 - sha256: 151b18e4f92dcca263a6d23e4beb0c4e2287aa1c7d0587ff71ef50035ed34aca + md5: 8cb609edc86062a2f7a1482678c65e56 + sha256: 320b1d8faa845b25a1e58371def7694fc7561d46cf7a38d8384997ac7cab8616 category: main optional: false - - name: libpng - version: 1.6.39 + - name: aws-c-io + version: 0.13.35 manager: conda platform: linux-64 dependencies: + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libpng-1.6.39-h753d276_0.conda + s2n: ">=1.3.56,<1.3.57.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-io-0.13.35-hc23c90e_8.conda hash: - md5: e1c890aebdebbfbf87e2c917187b4416 - sha256: a32b36d34e4f2490b99bddbc77d01a674d304f667f0e62c89e02c961addef462 + md5: 4cabe68190c1ff4c72154c0a7d2e980c + sha256: 89103265c27cb5ad67a0f6b67149532e7addae4b6ddfb704e77f0369f5520591 category: main optional: false - - name: libprotobuf - version: 4.24.4 + - name: aws-c-io + version: 0.13.35 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libabseil: ">=20230802.1,<20230803.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libprotobuf-4.24.4-hf27288f_0.conda + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-io-0.13.35-hb98174f_8.conda hash: - md5: 1a0287ab734591ad63603734f923016b - sha256: 3e0f6454190abb27edd2aeb724688ee440de133edb02cbb17d5609ba36aa8be0 + md5: c7b0ed5a258d3a8bb991bdc935b3703a + sha256: f44243ab77bef1475565cfd2c432608d530d70f3b7d690effa8e1c47b3bb2d90 category: main optional: false - - name: libre2-11 - version: 2023.06.02 + - name: aws-c-io + version: 0.13.35 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libabseil: ">=20230802.1,<20230803.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libre2-11-2023.06.02-h7a70373_0.conda + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-io-0.13.35-he1b4ce3_8.conda hash: - md5: c0e7eacd9694db3ef5ef2979a7deea70 - sha256: 22b0b2169c80b65665ba0d6418bd5d3d4c7d89915ee0f9613403efe871c27db8 + md5: 2b17730ac8242c1ba995baa5cfb1641e + sha256: c0112899e785d550ed0c16e930ab52119c312098a24eebc5d808c53d0f36effb category: main optional: false - - name: librttopo - version: 1.1.0 + - name: aws-c-mqtt + version: 0.9.9 manager: conda platform: linux-64 dependencies: - geos: ">=3.12.0,<3.12.1.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/librttopo-1.1.0-hb58d41b_14.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-mqtt-0.9.9-h1387108_0.conda hash: - md5: 264f9a3a4ea52c8f4d3e8ae1213a3335 - sha256: a87307e9c8fb446eb7a1698d9ab40e590ba7e55de669b59f5751c48c2b320827 + md5: d03181571be036cfbe7accf52256efe7 + sha256: 1df6ad0f5db319090718f5d4575b8829ff5aa5b663c8580e191fa9005e71072d category: main optional: false - - name: libsqlite - version: 3.44.0 + - name: aws-c-mqtt + version: 0.9.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libsqlite-3.44.0-h2797004_0.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-mqtt-0.9.9-h5e4a26e_0.conda hash: - md5: b58e6816d137f3aabf77d341dd5d732b - sha256: 74ef5dcb900c38bec53140036e5e2a9cc7ffcd806da479ea2305f962a358a259 + md5: 61eba6810125f2214ad6863bf8941c4e + sha256: e1812608ca7587561a7c8584c9c202404bfdf2d6f2e8f135fda92f5abf1556a4 category: main optional: false - - name: libssh2 - version: 1.11.0 + - name: aws-c-mqtt + version: 0.9.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.1,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libssh2-1.11.0-h0841786_0.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-mqtt-0.9.9-h2364c62_0.conda hash: - md5: 1f5a58e686b13bcfde88b93f547d23fe - sha256: 50e47fd9c4f7bf841a11647ae7486f65220cfc988ec422a4475fe8d5a823824d + md5: f6fa220e8b10a832127be45ddb7f6f04 + sha256: f82dd9660edecf32482004d98a09ed6b2929cb3787be43e54f5db71be1d08b62 category: main optional: false - - name: libxcb - version: "1.15" + - name: aws-c-s3 + version: 0.3.24 manager: conda platform: linux-64 dependencies: + aws-c-auth: ">=0.7.7,<0.7.8.0a0" + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" libgcc-ng: ">=12" - pthread-stubs: "" - xorg-libxau: "" - xorg-libxdmcp: "" - url: https://conda.anaconda.org/conda-forge/linux-64/libxcb-1.15-h0b41bf4_0.conda + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-s3-0.3.24-hdb3bed3_1.conda hash: - md5: 33277193f5b92bad9fdd230eb700929c - sha256: a670902f0a3173a466c058d2ac22ca1dd0df0453d3a80e0212815c20a16b0485 + md5: de14e39bcd4721b040f77aa37f241ff1 + sha256: 421069b755bf6f0091ef168d718612503b820005af3306781d4583e193d14a2e category: main optional: false - - name: libxml2 - version: 2.11.6 + - name: aws-c-s3 + version: 0.3.24 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - icu: ">=73.2,<74.0a0" - libgcc-ng: ">=12" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - xz: ">=5.2.6,<6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libxml2-2.11.6-h232c23b_0.conda + aws-c-auth: ">=0.7.7,<0.7.8.0a0" + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-s3-0.3.24-h4293da7_1.conda hash: - md5: 427a3e59d66cb5d145020bd9c6493334 - sha256: e6183d5e57ee48cc1fc4340477c31a6bd8be4d3ba5dded82cbca0d5280591086 + md5: f336309a54f8846a21bed05b1dc8f419 + sha256: d78f1c4ff3b64c689db39e5a0771e311db1a4fbe7bc01256881215de5fc100fe category: main optional: false - - name: libzip - version: 1.10.1 + - name: aws-c-s3 + version: 0.3.24 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libzip-1.10.1-h2629f0a_3.conda + aws-c-auth: ">=0.7.7,<0.7.8.0a0" + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-s3-0.3.24-h2bce37b_1.conda hash: - md5: ac79812548e7e8cf61f7b0abdef01d3b - sha256: 84e93f189072dcfcbe77744f19c7e4171523fbecfaba7352e5a23bbe014574c7 + md5: 219fd27c7fc531e45269878f2979c5df + sha256: bdd562f3a64992385fffc69f134e4d3d5c7096423c839c785020facf3615bac9 category: main optional: false - - name: pcre2 - version: "10.42" + - name: aws-c-sdkutils + version: 0.1.12 manager: conda platform: linux-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/pcre2-10.42-hcad00b1_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-sdkutils-0.1.12-hfd9eb17_5.conda hash: - md5: 679c8961826aa4b50653bce17ee52abe - sha256: 3ca54ff0abcda964af7d4724d389ae20d931159ae1881cfe57ad4b0ab9e6a380 + md5: af2bccdb4cf6e9254969426fd53c7c65 + sha256: d109677012abbf7e062d2a64c0df55523b056e74e5895650841b49f7f94a48a1 category: main optional: false - - name: readline - version: "8.2" + - name: aws-c-sdkutils + version: 0.1.12 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - ncurses: ">=6.3,<7.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/readline-8.2-h8228510_1.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-sdkutils-0.1.12-hff1f2c8_5.conda hash: - md5: 47d31b792659ce70f470b5c82fdfb7a4 - sha256: 5435cf39d039387fbdc977b0a762357ea909a7694d9528ab40f005e9208744d7 + md5: 12164ac8e33917c5d6aeb25ab82c2771 + sha256: 6953db4c9d56a367f921efaac18cf310985bc57ebd7ed50757c916912a99eeed category: main optional: false - - name: s2n - version: 1.3.56 + - name: aws-c-sdkutils + version: 0.1.12 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/s2n-1.3.56-h06160fa_0.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-sdkutils-0.1.12-hea61927_5.conda hash: - md5: 04b4845b9e9b5a0ee6eba013ecdbbddb - sha256: 4c00411d49fefc6a53167c3120e386b3f35510544a44d2e647615b510a622f29 + md5: 905d930730d618d5632011cb68d6744d + sha256: a1c60064bf93b4ddbc223bf494acb3e295b0846eb887017d435816e1bcfc51e5 category: main optional: false - - name: tk - version: 8.6.13 + - name: aws-checksums + version: 0.1.17 manager: conda platform: linux-64 dependencies: + aws-c-common: ">=0.9.8,<0.9.9.0a0" libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/tk-8.6.13-noxft_h4845f30_101.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-checksums-0.1.17-hfd9eb17_5.conda hash: - md5: d453b98d9c83e71da0741bb0ff4d76bc - sha256: e0569c9caa68bf476bead1bed3d79650bb080b532c64a4af7d8ca286c08dea4e + md5: 92077b8c5f72e9b81f069b1eb492ab80 + sha256: fa197cea5d34038066ac743ffa3ae688c057152fff55226ec740c5f68a136282 category: main optional: false - - name: ucx - version: 1.15.0 + - name: aws-checksums + version: 0.1.17 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libnuma: ">=2.0.16,<3.0a0" - libstdcxx-ng: ">=12" - rdma-core: ">=28.9,<29.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/ucx-1.15.0-h64cca9d_0.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-checksums-0.1.17-hff1f2c8_5.conda hash: - md5: b35b1f1a9fdbf93266c91f297dc9060e - sha256: 8a4dce10304fee0df715addec3d078421aa7aa0824422a6630d621d15bd98e5f + md5: 8b47ddfddaf30b4de34ea9d660c919c7 + sha256: 8ebb4ac6617f87405b6966a23dc4a37bdc96d4627f990e72abf1dff136179579 category: main optional: false - - name: xorg-libsm - version: 1.2.4 + - name: aws-checksums + version: 0.1.17 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libuuid: ">=2.38.1,<3.0a0" - xorg-libice: ">=1.1.1,<2.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libsm-1.2.4-h7391055_0.conda + aws-c-common: ">=0.9.8,<0.9.9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-checksums-0.1.17-hea61927_5.conda hash: - md5: 93ee23f12bc2e684548181256edd2cf6 - sha256: 089ad5f0453c604e18985480218a84b27009e9e6de9a0fa5f4a20b8778ede1f1 + md5: 4fcd94ba7456d0d162d3d84e5ef4db54 + sha256: 72af0036cdb7492826fafe1513cc5f0aa0280ad5d5af4a9ebbca50b81920cbe6 category: main optional: false - - name: zeromq - version: 4.3.5 + - name: aws-crt-cpp + version: 0.24.7 manager: conda platform: linux-64 dependencies: + aws-c-auth: ">=0.7.7,<0.7.8.0a0" + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-c-mqtt: ">=0.9.9,<0.9.10.0a0" + aws-c-s3: ">=0.3.24,<0.3.25.0a0" + aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" libgcc-ng: ">=12" - libsodium: ">=1.0.18,<1.0.19.0a0" libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/zeromq-4.3.5-h59595ed_0.conda - hash: - md5: 8851084c192dbc56215ac4e3c9aa30fa - sha256: 53bf2a18224406e9806adb3b270a2c8a028aca0c89bd40114a85d6446f5c98d1 - category: main - optional: false - - name: zlib - version: 1.2.13 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - libzlib: 1.2.13 - url: https://conda.anaconda.org/conda-forge/linux-64/zlib-1.2.13-hd590300_5.conda + url: https://conda.anaconda.org/conda-forge/linux-64/aws-crt-cpp-0.24.7-hd0f6be0_2.conda hash: - md5: 68c34ec6149623be41a1933ab996a209 - sha256: 9887a04d7e7cb14bd2b52fa01858f05a6d7f002c890f618d9fcd864adbfecb1b + md5: dad2a20d6cec858052e7fdb6ee6741d7 + sha256: 8082e5ae80900e04321d08c41772469bc89714e78b8b331d3d7b0a278cf22cb2 category: main optional: false - - name: zstd - version: 1.5.5 + - name: aws-crt-cpp + version: 0.24.7 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/zstd-1.5.5-hfc55251_0.conda + __osx: ">=10.9" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" + aws-c-cal: ">=0.6.9,<0.6.10.0a0" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-c-mqtt: ">=0.9.9,<0.9.10.0a0" + aws-c-s3: ">=0.3.24,<0.3.25.0a0" + aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" + libcxx: ">=16.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-crt-cpp-0.24.7-h0a75192_2.conda hash: - md5: 04b88013080254850d6c01ed54810589 - sha256: 607cbeb1a533be98ba96cf5cdf0ddbb101c78019f1fda063261871dad6248609 + md5: e32ea3580856d5e269fd107ea37f641a + sha256: ed33d09614d9133a440dd29ea804fc785311dcab6477f74d5fc278cdc887d5e1 category: main optional: false - - name: aws-c-io - version: 0.13.35 + - name: aws-crt-cpp + version: 0.24.7 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: + __osx: ">=10.9" + aws-c-auth: ">=0.7.7,<0.7.8.0a0" aws-c-cal: ">=0.6.9,<0.6.10.0a0" aws-c-common: ">=0.9.8,<0.9.9.0a0" - libgcc-ng: ">=12" - s2n: ">=1.3.56,<1.3.57.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-io-0.13.35-hc23c90e_8.conda + aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" + aws-c-http: ">=0.7.14,<0.7.15.0a0" + aws-c-io: ">=0.13.35,<0.13.36.0a0" + aws-c-mqtt: ">=0.9.9,<0.9.10.0a0" + aws-c-s3: ">=0.3.24,<0.3.25.0a0" + aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" + libcxx: ">=16.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-crt-cpp-0.24.7-h528e168_2.conda hash: - md5: 4cabe68190c1ff4c72154c0a7d2e980c - sha256: 89103265c27cb5ad67a0f6b67149532e7addae4b6ddfb704e77f0369f5520591 + md5: a01004b3736f99828d34191521a648ad + sha256: 38b5b5a93a0218586ee135cce4fce58c20b6be9cad8a7319d2bc83b3eee74668 category: main optional: false - - name: blosc - version: 1.21.5 + - name: aws-sdk-cpp + version: 1.11.182 manager: conda platform: linux-64 dependencies: + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" + libcurl: ">=8.4.0,<9.0a0" libgcc-ng: ">=12" libstdcxx-ng: ">=12" libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/blosc-1.21.5-h0f2a231_0.conda + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/aws-sdk-cpp-1.11.182-h8beafcf_7.conda hash: - md5: 009521b7ed97cca25f8f997f9e745976 - sha256: e2b15b017775d1bda8edbb1bc48e545e45364edefa4d926732fc5488cc600731 + md5: fe27868256b2d2a57d8136e08cdff2bb + sha256: c71ca50ad5e4c806d76b3584a53b295db317ffa92bd8f28eacc2bf88a3877eee category: main optional: false - - name: brotli-bin - version: 1.1.0 + - name: aws-sdk-cpp + version: 1.11.182 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libbrotlidec: 1.1.0 - libbrotlienc: 1.1.0 - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/brotli-bin-1.1.0-hd590300_1.conda + __osx: ">=10.9" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/aws-sdk-cpp-1.11.182-h28d282b_7.conda hash: - md5: 39f910d205726805a958da408ca194ba - sha256: a641abfbaec54f454c8434061fffa7fdaa9c695e8a5a400ed96b4f07c0c00677 + md5: 131091ac3ecfe9c409088e1b3861f064 + sha256: 57029820f9e2af9f735ea2afcd8eeeeb3bac74e52e1ba6ec5666276b8e6e67f8 category: main optional: false - - name: freetype - version: 2.12.1 + - name: aws-sdk-cpp + version: 1.11.182 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libpng: ">=1.6.39,<1.7.0a0" + __osx: ">=10.9" + aws-c-common: ">=0.9.8,<0.9.9.0a0" + aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" + aws-checksums: ">=0.1.17,<0.1.18.0a0" + aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/freetype-2.12.1-h267a509_2.conda + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-sdk-cpp-1.11.182-h31542fa_7.conda hash: - md5: 9ae35c3d96db2c94ce0cef86efdfa2cb - sha256: b2e3c449ec9d907dd4656cb0dc93e140f447175b125a3824b31368b06c666bb6 + md5: 6c837825a2350f590d307494e7a582ce + sha256: 8dd2f9b127c464a87de5e820b2edcb9fe8230a2ca5b8a051d86073f5359ec29e category: main optional: false - - name: krb5 - version: 1.21.2 + - name: babel + version: 2.13.1 manager: conda platform: linux-64 dependencies: - keyutils: ">=1.6.1,<2.0a0" - libedit: ">=3.1.20191231,<4.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/krb5-1.21.2-h659d440_0.conda + python: ">=3.7" + pytz: "" + setuptools: "" + url: https://conda.anaconda.org/conda-forge/noarch/babel-2.13.1-pyhd8ed1ab_0.conda hash: - md5: cd95826dbd331ed1be26bdf401432844 - sha256: 259bfaae731989b252b7d2228c1330ef91b641c9d68ff87dae02cbae682cb3e4 + md5: 3ccff479c246692468f604df9c85ef26 + sha256: 1f955c700db16f65b16c9e9c1613436480d5497970b8030b7a9ebe1620cc2147 category: main optional: false - - name: libarchive - version: 3.7.2 + - name: babel + version: 2.13.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libgcc-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - lzo: ">=2.10,<3.0a0" - openssl: ">=3.1.2,<4.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libarchive-3.7.2-h039dbb9_0.conda + setuptools: "" + pytz: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/babel-2.13.1-pyhd8ed1ab_0.conda hash: - md5: 611d6c83d1130ea60c916531adfb11db - sha256: b82b9f4a1515877ea65416bf7fd9cc77cae77d7b5977eada2b999ee525a0d5c9 + md5: 3ccff479c246692468f604df9c85ef26 + sha256: 1f955c700db16f65b16c9e9c1613436480d5497970b8030b7a9ebe1620cc2147 category: main optional: false - - name: libglib - version: 2.78.1 + - name: babel + version: 2.13.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - gettext: ">=0.21.1,<1.0a0" - libffi: ">=3.4,<4.0a0" - libgcc-ng: ">=12" - libiconv: ">=1.17,<2.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libglib-2.78.1-h783c2da_1.conda + setuptools: "" + pytz: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/babel-2.13.1-pyhd8ed1ab_0.conda hash: - md5: 70052d6c1e84643e30ffefb21ab6950f - sha256: 4e6fa28002f834cfc30a64792e95c1701d835cc3d3a4bb18d6e8d16bb8aba05b + md5: 3ccff479c246692468f604df9c85ef26 + sha256: 1f955c700db16f65b16c9e9c1613436480d5497970b8030b7a9ebe1620cc2147 category: main optional: false - - name: libllvm15 - version: 15.0.7 + - name: backoff + version: 2.2.1 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libxml2: ">=2.11.4,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - zstd: ">=1.5.2,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libllvm15-15.0.7-h5cf9203_3.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/backoff-2.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 9efe82d44b76a7529a1d702e5a37752e - sha256: bb94e7535a309c2a8d58585cb82bac954ed59f473eef2cac6ea677d6f576a3b6 - category: main - optional: false - - name: libopenblas - version: 0.3.24 + md5: 4600709bd85664d8606ae0c76642f8db + sha256: b1cf7df15741e5fbc57e22a3a89db427383335aaab22ddc1b30710deeb0130de + category: dev + optional: true + - name: backoff + version: 2.2.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libgfortran-ng: "" - libgfortran5: ">=12.3.0" - url: https://conda.anaconda.org/conda-forge/linux-64/libopenblas-0.3.24-pthreads_h413a1c8_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/backoff-2.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6e4ef6ca28655124dcde9bd500e44c32 - sha256: c8e080ae4d57506238023e98869928ae93564e6407ef5b0c4d3a337e8c2b7662 - category: main - optional: false - - name: libthrift - version: 0.19.0 + md5: 4600709bd85664d8606ae0c76642f8db + sha256: b1cf7df15741e5fbc57e22a3a89db427383335aaab22ddc1b30710deeb0130de + category: dev + optional: true + - name: backoff + version: 2.2.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libevent: ">=2.1.12,<2.1.13.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libthrift-0.19.0-hb90f79a_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/backoff-2.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8cdb7d41faa0260875ba92414c487e2d - sha256: 719add2cf20d144ef9962c57cd0f77178259bdb3aae1cded2e2b2b7c646092f5 - category: main - optional: false - - name: libtiff - version: 4.6.0 + md5: 4600709bd85664d8606ae0c76642f8db + sha256: b1cf7df15741e5fbc57e22a3a89db427383335aaab22ddc1b30710deeb0130de + category: dev + optional: true + - name: backports + version: "1.0" manager: conda platform: linux-64 dependencies: - lerc: ">=4.0.0,<5.0a0" - libdeflate: ">=1.19,<1.20.0a0" - libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libstdcxx-ng: ">=12" - libwebp-base: ">=1.3.2,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libtiff-4.6.0-ha9c0a0a_2.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/backports-1.0-pyhd8ed1ab_3.conda hash: - md5: 55ed21669b2015f77c180feb1dd41930 - sha256: 45158f5fbee7ee3e257e6b9f51b9f1c919ed5518a94a9973fe7fa4764330473e + md5: 54ca2e08b3220c148a1d8329c2678e02 + sha256: 711602276ae39276cb0faaca6fd0ac851fff0ca17151917569174841ef830bbd category: main optional: false - - name: libxslt - version: 1.1.37 + - name: backports + version: "1.0" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libxml2: ">=2.11.3,<2.12.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libxslt-1.1.37-h0054252_1.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/backports-1.0-pyhd8ed1ab_3.conda hash: - md5: f27960e8873abb5476e96ef33bdbdccd - sha256: 98739c3a7e1f6a8fb05e0bf54784fec4dfa2a640e4680ad0efc5cb65f5581cc8 + md5: 54ca2e08b3220c148a1d8329c2678e02 + sha256: 711602276ae39276cb0faaca6fd0ac851fff0ca17151917569174841ef830bbd category: main optional: false - - name: minizip - version: 4.0.3 + - name: backports + version: "1.0" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libgcc-ng: ">=12" - libiconv: ">=1.17,<2.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/minizip-4.0.3-h0ab5242_0.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/backports-1.0-pyhd8ed1ab_3.conda hash: - md5: 3f9b5f4400be3cee11b426a8cd653b7c - sha256: cf33c24fa8375d17fad4e1da631b4c2e8ed9a109480fa45c82fbfa2a7c5bdd41 + md5: 54ca2e08b3220c148a1d8329c2678e02 + sha256: 711602276ae39276cb0faaca6fd0ac851fff0ca17151917569174841ef830bbd category: main optional: false - - name: nodejs - version: 20.8.1 + - name: backports.functools_lru_cache + version: 1.6.5 manager: conda platform: linux-64 dependencies: - __glibc: ">=2.17,<3.0.a0" - icu: ">=73.2,<74.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libuv: ">=1.46.0,<1.47.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/nodejs-20.8.1-h1990674_0.conda + backports: "" + python: ">=3.6" + setuptools: "" + url: https://conda.anaconda.org/conda-forge/noarch/backports.functools_lru_cache-1.6.5-pyhd8ed1ab_0.conda hash: - md5: 05b928e13df9548a47568d581fdfa8a1 - sha256: a5491430566384933bd330571147f490bc4c5a01e312157a0d426fdeaf37b44f + md5: 6b1b907661838a75d067a22f87996b2e + sha256: 7027bb689dd4ca4a08e3b25805de9d04239be6b31125993558f21f102a9d2700 category: main optional: false - - name: nss - version: "3.94" + - name: backports.functools_lru_cache + version: 1.6.5 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - __glibc: ">=2.17,<3.0.a0" - libgcc-ng: ">=12" - libsqlite: ">=3.43.0,<4.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - nspr: ">=4.35,<5.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/nss-3.94-h1d7d5a4_0.conda + setuptools: "" + backports: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/backports.functools_lru_cache-1.6.5-pyhd8ed1ab_0.conda hash: - md5: 7caef74bbfa730e014b20f0852068509 - sha256: c9b7910fc554c6550905b9150f4c8230e973ca63f41b42f2c18a49e8aa458e78 + md5: 6b1b907661838a75d067a22f87996b2e + sha256: 7027bb689dd4ca4a08e3b25805de9d04239be6b31125993558f21f102a9d2700 category: main optional: false - - name: orc - version: 1.9.0 + - name: backports.functools_lru_cache + version: 1.6.5 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/orc-1.9.0-h4b38347_4.conda + setuptools: "" + backports: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/backports.functools_lru_cache-1.6.5-pyhd8ed1ab_0.conda hash: - md5: f348d6a6bb3687dfead7c595f905732b - sha256: af3587f3b9a892be828d159b78379bdcd03b933c9fefddfcf105541421b77d48 + md5: 6b1b907661838a75d067a22f87996b2e + sha256: 7027bb689dd4ca4a08e3b25805de9d04239be6b31125993558f21f102a9d2700 category: main optional: false - - name: pandoc - version: 3.1.3 + - name: backports.zoneinfo + version: 0.2.1 manager: conda platform: linux-64 dependencies: - gmp: "" - libzlib: ">=1.2.13,<1.3.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/pandoc-3.1.3-h32600fe_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/backports.zoneinfo-0.2.1-py311h38be061_8.conda hash: - md5: 8287aeb8462e2d4b235eff788e75919d - sha256: 52d23e2fded05e7a19d9d7996f19ed837b46578b6e5951b8c5990cf919404ffc + md5: 5384590f14dfe6ccd02811236afc9f8e + sha256: 1708c5e6729567f30ccde7761492cb43ee72fa2f7d5065b9102785278718505b category: main optional: false - - name: python - version: 3.11.6 + - name: backports.zoneinfo + version: 0.2.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - ld_impl_linux-64: ">=2.36.1" - libexpat: ">=2.5.0,<3.0a0" - libffi: ">=3.4,<4.0a0" - libgcc-ng: ">=12" - libnsl: ">=2.0.0,<2.1.0a0" - libsqlite: ">=3.43.0,<4.0a0" - libuuid: ">=2.38.1,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - ncurses: ">=6.4,<7.0a0" - openssl: ">=3.1.3,<4.0a0" - readline: ">=8.2,<9.0a0" - tk: ">=8.6.13,<8.7.0a0" - tzdata: "" - xz: ">=5.2.6,<6.0a0" - pip: "" - url: https://conda.anaconda.org/conda-forge/linux-64/python-3.11.6-hab00c5b_0_cpython.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/backports.zoneinfo-0.2.1-py311h6eed73b_8.conda hash: - md5: b0dfbe2fcbfdb097d321bfd50ecddab1 - sha256: 84f13bd70cff5dcdaee19263b2d4291d5793856a718efc1b63a9cfa9eb6e2ca1 + md5: 82f37234dbc0254423c109e9e21ce332 + sha256: f6064fc69833fed6d02738d29132bc87a6195098ec74257f53044de306694ff3 category: main optional: false - - name: re2 - version: 2023.06.02 + - name: backports.zoneinfo + version: 0.2.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libre2-11: 2023.06.02 - url: https://conda.anaconda.org/conda-forge/linux-64/re2-2023.06.02-h2873b5e_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/backports.zoneinfo-0.2.1-py311h267d04e_8.conda hash: - md5: bb2d5e593ef13fe4aff0bc9440f945ae - sha256: 3e0bfb04b6d43312d711c5b49dbc3c7660b2e6e681ed504b1b322794462a1bcd + md5: acbef984789bc78fc49cca2e736b8006 + sha256: a1cdbc446ff4db99e9e39b73b1611932dc9c5111ecd90dd131fa6fdf62de904d category: main optional: false - - name: sqlite - version: 3.44.0 + - name: beautifulsoup4 + version: 4.12.2 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libsqlite: 3.44.0 - libzlib: ">=1.2.13,<1.3.0a0" - ncurses: ">=6.4,<7.0a0" - readline: ">=8.2,<9.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/sqlite-3.44.0-h2c6b66d_0.conda + python: ">=3.6" + soupsieve: ">=1.2" + url: https://conda.anaconda.org/conda-forge/noarch/beautifulsoup4-4.12.2-pyha770c72_0.conda hash: - md5: df56c636df4a98990462d66ac7be2330 - sha256: ae7031a471868c7057cc16eded7bb58fa3723d9c1650c9d3eb8de1ff65d89dbb + md5: a362ff7d976217f8fa78c0f1c4f59717 + sha256: 52d3e6bcd442537e22699cd227d8fdcfd54b708eeb8ee5b4c671a6a9b9cd74da category: main optional: false - - name: xorg-libx11 - version: 1.8.7 + - name: beautifulsoup4 + version: 4.12.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libxcb: ">=1.15,<1.16.0a0" - xorg-kbproto: "" - xorg-xextproto: ">=7.3.0,<8.0a0" - xorg-xproto: "" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libx11-1.8.7-h8ee46fc_0.conda + python: ">=3.6" + soupsieve: ">=1.2" + url: https://conda.anaconda.org/conda-forge/noarch/beautifulsoup4-4.12.2-pyha770c72_0.conda hash: - md5: 49e482d882669206653b095f5206c05b - sha256: 7a02a7beac472ae2759498550b5fc5261bf5be7a9a2b4648a3f67818a7bfefcf + md5: a362ff7d976217f8fa78c0f1c4f59717 + sha256: 52d3e6bcd442537e22699cd227d8fdcfd54b708eeb8ee5b4c671a6a9b9cd74da category: main optional: false - - name: aiofiles - version: 23.2.1 + - name: beautifulsoup4 + version: 4.12.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/aiofiles-23.2.1-pyhd8ed1ab_0.conda + python: ">=3.6" + soupsieve: ">=1.2" + url: https://conda.anaconda.org/conda-forge/noarch/beautifulsoup4-4.12.2-pyha770c72_0.conda hash: - md5: a2ee5b45771a700cf442a2edb151594e - sha256: 98c9b4480dba1ae72c9a187cee7164ed1704f03c82576940311b5c3b55118ee5 + md5: a362ff7d976217f8fa78c0f1c4f59717 + sha256: 52d3e6bcd442537e22699cd227d8fdcfd54b708eeb8ee5b4c671a6a9b9cd74da category: main optional: false - - name: alabaster - version: 0.7.13 + - name: black + version: 23.10.1 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/alabaster-0.7.13-pyhd8ed1ab_0.conda + click: ">=8.0.0" + mypy_extensions: ">=0.4.3" + packaging: ">=22.0" + pathspec: ">=0.9" + platformdirs: ">=2" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/black-23.10.1-py311h38be061_0.conda hash: - md5: 06006184e203b61d3525f90de394471e - sha256: b2d160a050996950434c6e87a174fc01c4a937cbeffbdd20d1b46126b4478a95 + md5: 17874858641cb402ad73b9adb0e11a27 + sha256: f2114740c055ca5d250e363eec69d0181c2ae5b6ead7597762cf766eaa40fe1d category: main optional: false - - name: anyascii - version: 0.3.2 + - name: black + version: 23.10.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/anyascii-0.3.2-pyhd8ed1ab_0.conda + click: ">=8.0.0" + mypy_extensions: ">=0.4.3" + packaging: ">=22.0" + pathspec: ">=0.9" + platformdirs: ">=2" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/black-23.10.1-py311h6eed73b_0.conda hash: - md5: 70b6fc71d80ea6176f5302ebbeb13d8a - sha256: 8ad0591c262e63f3a66fe093886a4b5d00d3ad6223560fc2a88da441c672fddc + md5: c802bfc16625b15e57e4d2d05bee622a + sha256: e6c81cc86c288f2d15852dc0068caa5acae3700eff57eeeeb5742844b1048b2b category: main optional: false - - name: appdirs - version: 1.4.4 + - name: black + version: 23.10.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/appdirs-1.4.4-pyh9f0ad1d_0.tar.bz2 + click: ">=8.0.0" + mypy_extensions: ">=0.4.3" + packaging: ">=22.0" + pathspec: ">=0.9" + platformdirs: ">=2" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/black-23.10.1-py311h267d04e_0.conda hash: - md5: 5f095bc6454094e96f146491fd03633b - sha256: ae9fb8f68281f84482f2c234379aa12405a9e365151d43af20b3ae1f17312111 + md5: 12b064976b0152cb193120c645f6c3a0 + sha256: ec50f430559024cc7c8ef8733457bab49a6c88ef1ae857b4f7f2b44fe32b388e category: main optional: false - - name: astroid - version: 3.0.1 + - name: bleach + version: 6.1.0 manager: conda platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/astroid-3.0.1-py311h38be061_0.conda + packaging: "" + python: ">=3.6" + setuptools: "" + six: ">=1.9.0" + webencodings: "" + url: https://conda.anaconda.org/conda-forge/noarch/bleach-6.1.0-pyhd8ed1ab_0.conda hash: - md5: 1cfd7512ea9cf20a14568c6991da262f - sha256: 5aa75c004f51dab842c28f1003e4bf5d6d725867e25474a722aa9fe331649301 + md5: 0ed9d7c0e9afa7c025807a9a8136ea3e + sha256: 845e77ef495376c5c3c328ccfd746ca0ef1978150cae8eae61a300fe7755fb08 category: main optional: false - - name: atk-1.0 - version: 2.38.0 + - name: bleach + version: 6.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libglib: ">=2.74.1,<3.0a0" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/atk-1.0-2.38.0-hd4edc92_1.tar.bz2 + setuptools: "" + packaging: "" + webencodings: "" + python: ">=3.6" + six: ">=1.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/bleach-6.1.0-pyhd8ed1ab_0.conda hash: - md5: 6c72ec3e660a51736913ef6ea68c454b - sha256: 2f9314de13c1f0b54510a2afa0cdc02c0e3f828fccfc4277734f9590b11a65f1 - category: dev - optional: true - - name: attrs - version: 23.1.0 + md5: 0ed9d7c0e9afa7c025807a9a8136ea3e + sha256: 845e77ef495376c5c3c328ccfd746ca0ef1978150cae8eae61a300fe7755fb08 + category: main + optional: false + - name: bleach + version: 6.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/attrs-23.1.0-pyh71513ae_1.conda + setuptools: "" + packaging: "" + webencodings: "" + python: ">=3.6" + six: ">=1.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/bleach-6.1.0-pyhd8ed1ab_0.conda hash: - md5: 3edfead7cedd1ab4400a6c588f3e75f8 - sha256: 063639cd568f5c7a557b0fb1cc27f098598c0d8ff869088bfeb82934674f8821 + md5: 0ed9d7c0e9afa7c025807a9a8136ea3e + sha256: 845e77ef495376c5c3c328ccfd746ca0ef1978150cae8eae61a300fe7755fb08 category: main optional: false - - name: aws-c-event-stream - version: 0.3.2 + - name: blinker + version: 1.7.0 manager: conda platform: linux-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-event-stream-0.3.2-hae413d4_6.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/blinker-1.7.0-pyhd8ed1ab_0.conda hash: - md5: b4e69f0e7f832dc901bd585f353487f0 - sha256: b7b00593f4cd835780d3a4f61f6f77181b33b8e85cc0f78d9cb48dc1d84e8443 + md5: 550da20b2c2e38be9cc44bb819fda5d5 + sha256: c8d72c2af4f57898dfd5e4c62ae67f7fea1490a37c8b6855460a170d61591177 category: main optional: false - - name: aws-c-http - version: 0.7.14 + - name: blinker + version: 1.7.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-compression: ">=0.2.17,<0.2.18.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-http-0.7.14-h162056d_1.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/blinker-1.7.0-pyhd8ed1ab_0.conda hash: - md5: e1b49ef8ddc4faca06a63a7e25da644f - sha256: dc4cda9ffef3b5859c5943f010e947e082315e7d84eb1f5e0b3cd58565eaf405 + md5: 550da20b2c2e38be9cc44bb819fda5d5 + sha256: c8d72c2af4f57898dfd5e4c62ae67f7fea1490a37c8b6855460a170d61591177 category: main optional: false - - name: backoff - version: 2.2.1 + - name: blinker + version: 1.7.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/backoff-2.2.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/blinker-1.7.0-pyhd8ed1ab_0.conda hash: - md5: 4600709bd85664d8606ae0c76642f8db - sha256: b1cf7df15741e5fbc57e22a3a89db427383335aaab22ddc1b30710deeb0130de - category: dev - optional: true - - name: backports - version: "1.0" + md5: 550da20b2c2e38be9cc44bb819fda5d5 + sha256: c8d72c2af4f57898dfd5e4c62ae67f7fea1490a37c8b6855460a170d61591177 + category: main + optional: false + - name: blosc + version: 1.21.5 manager: conda platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/backports-1.0-pyhd8ed1ab_3.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/blosc-1.21.5-h0f2a231_0.conda hash: - md5: 54ca2e08b3220c148a1d8329c2678e02 - sha256: 711602276ae39276cb0faaca6fd0ac851fff0ca17151917569174841ef830bbd + md5: 009521b7ed97cca25f8f997f9e745976 + sha256: e2b15b017775d1bda8edbb1bc48e545e45364edefa4d926732fc5488cc600731 category: main optional: false - - name: backports.zoneinfo - version: 0.2.1 + - name: blosc + version: 1.21.5 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/backports.zoneinfo-0.2.1-py311h38be061_8.conda + libcxx: ">=15.0.7" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/blosc-1.21.5-heccf04b_0.conda hash: - md5: 5384590f14dfe6ccd02811236afc9f8e - sha256: 1708c5e6729567f30ccde7761492cb43ee72fa2f7d5065b9102785278718505b + md5: 3003fa6dd18769db1a616982dcee5b40 + sha256: db629047f1721d5a6e3bd41b07c1a3bacd0dee70f4063b61db2aa46f19a0b8b4 category: main optional: false - - name: blinker - version: 1.7.0 + - name: blosc + version: 1.21.5 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/blinker-1.7.0-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/blosc-1.21.5-hc338f07_0.conda hash: - md5: 550da20b2c2e38be9cc44bb819fda5d5 - sha256: c8d72c2af4f57898dfd5e4c62ae67f7fea1490a37c8b6855460a170d61591177 + md5: 93fccb1150aa377576107ecd0ad375b3 + sha256: 81f206dd843fe0da894d0480ea9d689fe948fa4b3cad060f97b016af4ac7b3a1 category: main optional: false - - name: brotli - version: 1.1.0 + - name: boto3 + version: 1.29.4 manager: conda platform: linux-64 dependencies: - brotli-bin: 1.1.0 - libbrotlidec: 1.1.0 - libbrotlienc: 1.1.0 - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/brotli-1.1.0-hd590300_1.conda + botocore: ">=1.32.4,<1.33.0" + jmespath: ">=0.7.1,<2.0.0" + python: ">=3.7" + s3transfer: ">=0.7.0,<0.8.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.4-pyhd8ed1ab_0.conda hash: - md5: f27a24d46e3ea7b70a1f98e50c62508f - sha256: f2d918d351edd06c55a6c2d84b488fe392f85ea018ff227daac07db22b408f6b + md5: 5b2a15870e272dcd6c93b55a51911ef0 + sha256: 766f8a1d03fec78f00fee1d9856e1d2d7f67906ea6a12641c2911d5b0b9cff6a category: main optional: false - - name: brotli-python - version: 1.1.0 + - name: boto3 + version: 1.29.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/brotli-python-1.1.0-py311hb755f60_1.conda + python: ">=3.7" + jmespath: ">=0.7.1,<2.0.0" + s3transfer: ">=0.7.0,<0.8.0" + botocore: ">=1.32.4,<1.33.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.4-pyhd8ed1ab_0.conda hash: - md5: cce9e7c3f1c307f2a5fb08a2922d6164 - sha256: 559093679e9fdb6061b7b80ca0f9a31fe6ffc213f1dae65bc5c82e2cd1a94107 + md5: 5b2a15870e272dcd6c93b55a51911ef0 + sha256: 766f8a1d03fec78f00fee1d9856e1d2d7f67906ea6a12641c2911d5b0b9cff6a category: main optional: false - - name: cached_property - version: 1.5.2 + - name: boto3 + version: 1.29.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/cached_property-1.5.2-pyha770c72_1.tar.bz2 + python: ">=3.7" + jmespath: ">=0.7.1,<2.0.0" + s3transfer: ">=0.7.0,<0.8.0" + botocore: ">=1.32.4,<1.33.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.4-pyhd8ed1ab_0.conda hash: - md5: 576d629e47797577ab0f1b351297ef4a - sha256: 6dbf7a5070cc43d90a1e4c2ec0c541c69d8e30a0e25f50ce9f6e4a432e42c5d7 + md5: 5b2a15870e272dcd6c93b55a51911ef0 + sha256: 766f8a1d03fec78f00fee1d9856e1d2d7f67906ea6a12641c2911d5b0b9cff6a category: main optional: false - - name: cachetools - version: 5.3.2 + - name: botocore + version: 1.32.4 manager: conda platform: linux-64 dependencies: + jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/cachetools-5.3.2-pyhd8ed1ab_0.conda + python-dateutil: ">=2.1,<3.0.0" + urllib3: ">=1.25.4,<1.27" + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.4-pyhd8ed1ab_0.conda hash: - md5: 185cc1bf1d5af90020292888a3c7eb5d - sha256: cb8a6688d5650e4546a5f3c5b825bfe3c82594f1f588a93817f1bdb23e74baad + md5: f53119a5609759467402603088c0432f + sha256: eb0fa62f789ab85e314bc7d6637c391c9b978442118063f708071505e980e1b4 category: main optional: false - - name: cachy - version: 0.3.0 + - name: botocore + version: 1.32.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/cachy-0.3.0-pyhd8ed1ab_1.tar.bz2 + python: ">=3.7" + python-dateutil: ">=2.1,<3.0.0" + jmespath: ">=0.7.1,<2.0.0" + urllib3: ">=1.25.4,<1.27" + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.4-pyhd8ed1ab_0.conda hash: - md5: 5dfee17f24e2dfd18d7392b48c9351e2 - sha256: 9b193a4e483c4d0004bc5b88fac7a02516b6311137ab61b8db85aa9741422e35 + md5: f53119a5609759467402603088c0432f + sha256: eb0fa62f789ab85e314bc7d6637c391c9b978442118063f708071505e980e1b4 category: main optional: false - - name: catalystcoop.dbfread - version: 3.0.0 + - name: botocore + version: 1.32.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.dbfread-3.0.0-py_0.tar.bz2 + python: ">=3.7" + python-dateutil: ">=2.1,<3.0.0" + jmespath: ">=0.7.1,<2.0.0" + urllib3: ">=1.25.4,<1.27" + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.4-pyhd8ed1ab_0.conda hash: - md5: 301d8b0d49e76f6bd586d2c96c2e259e - sha256: bfba35085bcf84c3368b38ed0c5e6f03aeadf0712e866cb9e89283d6ff5292d7 + md5: f53119a5609759467402603088c0432f + sha256: eb0fa62f789ab85e314bc7d6637c391c9b978442118063f708071505e980e1b4 category: main optional: false - - name: cchardet - version: 2.1.7 + - name: bottleneck + version: 1.3.7 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" - libstdcxx-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/cchardet-2.1.7-py311hb755f60_5.conda + url: https://conda.anaconda.org/conda-forge/linux-64/bottleneck-1.3.7-py311h1f0f07a_1.conda hash: - md5: 7e2bfbfc5c66756cc026984c25c9ec18 - sha256: 54ab2875189fe15abcb4811c663a969a7d188299f245be468d5be4c262d552dc + md5: f12c27e2cf84d2bd9f306d05f07cfc2b + sha256: 1968e28f8c6e96643d9a863ea6b5146ab1bb710c4e66c737c3b628b0f0ba32b2 category: main optional: false - - name: certifi - version: 2023.11.17 + - name: bottleneck + version: 1.3.7 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/bottleneck-1.3.7-py311h4a70a88_1.conda hash: - md5: 2011bcf45376341dd1d690263fdbc789 - sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 + md5: a51cbb557788277233420f12ced6e461 + sha256: d61205023dacfc1733c6904cf5fa261e66049f1e407958e6e71d55903f193931 category: main optional: false - - name: cfgv - version: 3.3.1 + - name: bottleneck + version: 1.3.7 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/cfgv-3.3.1-pyhd8ed1ab_0.tar.bz2 + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/bottleneck-1.3.7-py311hb49d859_1.conda hash: - md5: ebb5f5f7dc4f1a3780ef7ea7738db08c - sha256: fbc03537a27ef756162c49b1d0608bf7ab12fa5e38ceb8563d6f4859e835ac5c + md5: aa08818d574106d3926fcffd3f932389 + sha256: 423e5a12a559014273b5dfe732b22e059ede475562fe2175a5e7640ce34886f1 category: main optional: false - - name: chardet - version: 5.2.0 + - name: branca + version: 0.7.0 manager: conda platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/chardet-5.2.0-py311h38be061_1.conda + jinja2: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/branca-0.7.0-pyhd8ed1ab_1.conda hash: - md5: b8cfb13de4dbe349a41800644391de6a - sha256: 80b547150fc6d125fe034bcc3e820222faa0136463b32b82d7cbe965cc5dec77 + md5: 980ae382aec2ebb7c20e8848f4d695d7 + sha256: 9013b381e6745a7f717b7f742d3fe366ba619f1670da0d849ae589c4e88b0dbc category: main optional: false - - name: charset-normalizer - version: 3.3.2 + - name: branca + version: 0.7.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: + jinja2: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/charset-normalizer-3.3.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/branca-0.7.0-pyhd8ed1ab_1.conda hash: - md5: 7f4a9e3fcff3f6356ae99244a014da6a - sha256: 20cae47d31fdd58d99c4d2e65fbdcefa0b0de0c84e455ba9d6356a4bdbc4b5b9 + md5: 980ae382aec2ebb7c20e8848f4d695d7 + sha256: 9013b381e6745a7f717b7f742d3fe366ba619f1670da0d849ae589c4e88b0dbc category: main optional: false - - name: click - version: 8.1.7 + - name: branca + version: 0.7.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/click-8.1.7-unix_pyh707e725_0.conda + jinja2: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/branca-0.7.0-pyhd8ed1ab_1.conda hash: - md5: f3ad426304898027fc619827ff428eca - sha256: f0016cbab6ac4138a429e28dbcb904a90305b34b3fe41a9b89d697c90401caec + md5: 980ae382aec2ebb7c20e8848f4d695d7 + sha256: 9013b381e6745a7f717b7f742d3fe366ba619f1670da0d849ae589c4e88b0dbc category: main optional: false - - name: cloudpickle - version: 3.0.0 + - name: brotli + version: 1.1.0 manager: conda platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/cloudpickle-3.0.0-pyhd8ed1ab_0.conda + brotli-bin: 1.1.0 + libbrotlidec: 1.1.0 + libbrotlienc: 1.1.0 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/brotli-1.1.0-hd590300_1.conda hash: - md5: 753d29fe41bb881e4b9c004f0abf973f - sha256: 0dfbc1ffa72e7a0882f486c9b1e4e9cccb68cf5c576fe53a89d076c9f1d43754 + md5: f27a24d46e3ea7b70a1f98e50c62508f + sha256: f2d918d351edd06c55a6c2d84b488fe392f85ea018ff227daac07db22b408f6b category: main optional: false - - name: colorama - version: 0.4.6 + - name: brotli + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/colorama-0.4.6-pyhd8ed1ab_0.tar.bz2 + brotli-bin: 1.1.0 + libbrotlidec: 1.1.0 + libbrotlienc: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-64/brotli-1.1.0-h0dc2134_1.conda hash: - md5: 3faab06a954c2a04039983f2c4a50d99 - sha256: 2c1b2e9755ce3102bca8d69e8f26e4f087ece73f50418186aee7c74bef8e1698 + md5: 9272dd3b19c4e8212f8542cefd5c3d67 + sha256: 4bf66d450be5d3f9ebe029b50f818d088b1ef9666b1f19e90c85479c77bbdcde category: main optional: false - - name: crashtest - version: 0.4.1 + - name: brotli + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/crashtest-0.4.1-pyhd8ed1ab_0.tar.bz2 + brotli-bin: 1.1.0 + libbrotlidec: 1.1.0 + libbrotlienc: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/brotli-1.1.0-hb547adb_1.conda hash: - md5: 709a2295dd907bb34afb57d54320642f - sha256: 2f05954a3faf0700c14c1deddc085385160ee32abe111699c78d9cb277e915cc + md5: a33aa58d448cbc054f887e39dd1dfaea + sha256: 62d1587deab752fcee07adc371eb20fcadc09f72c0c85399c22b637ca858020f category: main optional: false - - name: cycler - version: 0.12.1 + - name: brotli-bin + version: 1.1.0 manager: conda platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/cycler-0.12.1-pyhd8ed1ab_0.conda + libbrotlidec: 1.1.0 + libbrotlienc: 1.1.0 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/brotli-bin-1.1.0-hd590300_1.conda hash: - md5: 5cd86562580f274031ede6aa6aa24441 - sha256: f221233f21b1d06971792d491445fd548224641af9443739b4b7b6d5d72954a8 + md5: 39f910d205726805a958da408ca194ba + sha256: a641abfbaec54f454c8434061fffa7fdaa9c695e8a5a400ed96b4f07c0c00677 category: main optional: false - - name: dagster-pipes - version: 1.5.9 + - name: brotli-bin + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.9-pyhd8ed1ab_0.conda + libbrotlidec: 1.1.0 + libbrotlienc: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-64/brotli-bin-1.1.0-h0dc2134_1.conda hash: - md5: 0a9787859365c4d2425e589ac53c462b - sha256: eebc7dca517350678ebfb8b3fff7ec47c60aff62dae2e69b8c4845b6080ec3e8 + md5: ece565c215adcc47fc1db4e651ee094b + sha256: 7ca3cfb4c5df314ed481301335387ab2b2ee651e2c74fbb15bacc795c664a5f1 category: main optional: false - - name: dataclasses - version: "0.8" + - name: brotli-bin + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/dataclasses-0.8-pyhc8e2a94_3.tar.bz2 + libbrotlidec: 1.1.0 + libbrotlienc: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/brotli-bin-1.1.0-hb547adb_1.conda hash: - md5: a362b2124b06aad102e2ee4581acee7d - sha256: 63a83e62e0939bc1ab32de4ec736f6403084198c4639638b354a352113809c92 + md5: 990d04f8c017b1b77103f9a7730a5f12 + sha256: 8fbfc2834606292016f2faffac67deea4c5cdbc21a61169f0b355e1600105a24 category: main optional: false - - name: dbus - version: 1.13.6 + - name: brotli-python + version: 1.1.0 manager: conda platform: linux-64 dependencies: - expat: ">=2.4.2,<3.0a0" - libgcc-ng: ">=9.4.0" - libglib: ">=2.70.2,<3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/dbus-1.13.6-h5008d03_3.tar.bz2 + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/brotli-python-1.1.0-py311hb755f60_1.conda hash: - md5: ecfff944ba3960ecb334b9a2663d708d - sha256: 8f5f995699a2d9dbdd62c61385bfeeb57c82a681a7c8c5313c395aa0ccab68a5 + md5: cce9e7c3f1c307f2a5fb08a2922d6164 + sha256: 559093679e9fdb6061b7b80ca0f9a31fe6ffc213f1dae65bc5c82e2cd1a94107 category: main optional: false - - name: debugpy - version: 1.8.0 + - name: brotli-python + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" + libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/debugpy-1.8.0-py311hb755f60_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/brotli-python-1.1.0-py311hdf8f085_1.conda hash: - md5: 2c241533b8eafe8028442d46ef41eb13 - sha256: f18492ebfaea54bbbeaec0ae207851f711ff589f60f2cc9b8a689f88b2442171 + md5: 546fdccabb90492fbaf2da4ffb78f352 + sha256: 0f5e0a7de58006f349220365e32db521a1fe494c37ee455e5ecf05b8fe567dcc category: main optional: false - - name: decorator - version: 5.1.1 + - name: brotli-python + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/decorator-5.1.1-pyhd8ed1ab_0.tar.bz2 + libcxx: ">=15.0.7" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/brotli-python-1.1.0-py311ha891d26_1.conda hash: - md5: 43afe5ab04e35e17ba28649471dd7364 - sha256: 328a6a379f9bdfd0230e51de291ce858e6479411ea4b0545fb377c71662ef3e2 + md5: 5e802b015e33447d1283d599d21f052b + sha256: 2d78c79ccf2c17236c52ef217a4c34b762eb7908a6903d94439f787aac1c8f4b category: main optional: false - - name: defusedxml - version: 0.7.1 + - name: bzip2 + version: 1.0.8 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/defusedxml-0.7.1-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/bzip2-1.0.8-hd590300_5.conda hash: - md5: 961b3a227b437d82ad7054484cfa71b2 - sha256: 9717a059677553562a8f38ff07f3b9f61727bd614f505658b0a5ecbcf8df89be + md5: 69b8b6202a07720f448be700e300ccf4 + sha256: 242c0c324507ee172c0e0dd2045814e746bb303d1eb78870d182ceb0abc726a8 category: main optional: false - - name: distlib - version: 0.3.7 + - name: bzip2 + version: 1.0.8 manager: conda - platform: linux-64 - dependencies: - python: 2.7|>=3.6 - url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/bzip2-1.0.8-h10d778d_5.conda hash: - md5: 12d8aae6994f342618443a8f05c652a0 - sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 + md5: 6097a6ca9ada32699b5fc4312dd6ef18 + sha256: 61fb2b488928a54d9472113e1280b468a309561caa54f33825a3593da390b242 category: main optional: false - - name: docstring_parser - version: "0.15" + - name: bzip2 + version: 1.0.8 manager: conda - platform: linux-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/docstring_parser-0.15-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/bzip2-1.0.8-h93a5062_5.conda hash: - md5: 031fcb28b8e80c1f7bec22ccdf4904b2 - sha256: 9b22e1f1d0decc26cc0743ce929e1a7e233fd7921d1b5c390db0691b8042a706 + md5: 1bbc659ca658bfd49a481b5ef7a0f40f + sha256: bfa84296a638bea78a8bb29abc493ee95f2a0218775642474a840411b950fe5f category: main optional: false - - name: docutils - version: 0.20.1 + - name: c-ares + version: 1.22.1 manager: conda platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/docutils-0.20.1-py311h38be061_2.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/c-ares-1.22.1-hd590300_0.conda hash: - md5: 33f8066e53679dd4be2355fec849bf01 - sha256: 4e90bbc89f9ab192cb247d8b8ebe54c33e57652f8a057f9f176d9d9dd32993b9 + md5: 8430bd266c7b2cfbda403f7585d5ee86 + sha256: d41cf87938ba66de538b91afed3ece9b4cf5ed082a7d1c1add46b70f482f34b9 category: main optional: false - - name: entrypoints - version: "0.4" + - name: c-ares + version: 1.22.1 manager: conda - platform: linux-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/entrypoints-0.4-pyhd8ed1ab_0.tar.bz2 + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/c-ares-1.22.1-h10d778d_0.conda hash: - md5: 3cf04868fee0a029769bd41f4b2fbf2d - sha256: 2ec4a0900a4a9f42615fc04d0fb3286b796abe56590e8e042f6ec25e102dd5af + md5: 7040d0624b78a81c8d52f22b662d7c35 + sha256: e52123d4d1e880ad883da1fa6301fa318e87cf42b6228833177d41053f7288b4 category: main optional: false - - name: et_xmlfile - version: 1.1.0 + - name: c-ares + version: 1.22.1 manager: conda - platform: linux-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/et_xmlfile-1.1.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/c-ares-1.22.1-h93a5062_0.conda hash: - md5: a2f2138597905eaa72e561d8efb42cf3 - sha256: 0c7bb50e1382615a660468dc531b8b17c5b91b88a02ed131c8e3cc63db507ce2 + md5: f9d38cc3908c066e50b184cdcab12929 + sha256: 75f0222f76c9848ef9c3892300d057cb8285f28341d2f149d1fc10373242969c category: main optional: false - - name: exceptiongroup - version: 1.1.3 + - name: ca-certificates + version: 2023.11.17 manager: conda platform: linux-64 - dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/exceptiongroup-1.1.3-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/linux-64/ca-certificates-2023.11.17-hbcca054_0.conda hash: - md5: e6518222753f519e911e83136d2158d9 - sha256: c28f715e049fe0f09785660bcbffa175ffb438720e5bc5a60d56d4b08364b315 + md5: 01ffc8d36f9eba0ce0b3c1955fa780ee + sha256: fb4b9f4b7d885002db0b93e22f44b5b03791ef3d4efdc9d0662185a0faafd6b6 category: main optional: false - - name: execnet - version: 2.0.2 + - name: ca-certificates + version: 2023.11.17 manager: conda - platform: linux-64 - dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/execnet-2.0.2-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/ca-certificates-2023.11.17-h8857fd0_0.conda hash: - md5: 67de0d8241e1060a479e3c37793e26f9 - sha256: 88ea68a360198af39368beecf057af6b31f0ae38071b2bdb2aa961b6ae5427c0 + md5: c687e9d14c49e3d3946d50a413cdbf16 + sha256: 7e05d80a97beb7cb7492fae38584a68d51f338a5eddf73a14b5bd266597db90e category: main optional: false - - name: executing - version: 2.0.1 + - name: ca-certificates + version: 2023.11.17 manager: conda - platform: linux-64 - dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/executing-2.0.1-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/ca-certificates-2023.11.17-hf0a4a13_0.conda hash: - md5: e16be50e378d8a4533b989035b196ab8 - sha256: c738804ab1e6376f8ea63372229a04c8d658dc90fd5a218c6273a2eaf02f4057 + md5: c01da7c77cfcba2107174e25c1d47384 + sha256: 75f4762a55f7e9453a603c967d549bfa0a7a9669d502d103cb6fbf8c86d993c6 category: main optional: false - - name: filelock - version: 3.13.1 + - name: cachecontrol + version: 0.13.1 manager: conda platform: linux-64 dependencies: + msgpack-python: ">=0.5.2" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/filelock-3.13.1-pyhd8ed1ab_0.conda + requests: ">=2.16.0" + url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-0.13.1-pyhd8ed1ab_0.conda hash: - md5: 0c1729b74a8152fde6a38ba0a2ab9f45 - sha256: 4d742d91412d1f163e5399d2b50c5d479694ebcd309127abb549ca3977f89d2b + md5: 174bd699bb5aa9e2622eb4b288276ff8 + sha256: aae7ab3a54989f9bf9273e4a17c911ba339a8b9354250bc11fb8eff2e3f4be60 category: main optional: false - - name: fontconfig - version: 2.14.2 + - name: cachecontrol + version: 0.13.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - expat: ">=2.5.0,<3.0a0" - freetype: ">=2.12.1,<3.0a0" - libgcc-ng: ">=12" - libuuid: ">=2.32.1,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/fontconfig-2.14.2-h14ed4e7_0.conda + python: ">=3.7" + msgpack-python: ">=0.5.2" + requests: ">=2.16.0" + url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-0.13.1-pyhd8ed1ab_0.conda hash: - md5: 0f69b688f52ff6da70bccb7ff7001d1d - sha256: 155d534c9037347ea7439a2c6da7c24ffec8e5dd278889b4c57274a1d91e0a83 + md5: 174bd699bb5aa9e2622eb4b288276ff8 + sha256: aae7ab3a54989f9bf9273e4a17c911ba339a8b9354250bc11fb8eff2e3f4be60 category: main optional: false - - name: freexl - version: 2.0.0 + - name: cachecontrol + version: 0.13.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libexpat: ">=2.5.0,<3.0a0" - libgcc-ng: ">=12" - libiconv: ">=1.17,<2.0a0" - minizip: ">=4.0.1,<5.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/freexl-2.0.0-h743c826_0.conda + python: ">=3.7" + msgpack-python: ">=0.5.2" + requests: ">=2.16.0" + url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-0.13.1-pyhd8ed1ab_0.conda hash: - md5: 12e6988845706b2cfbc3bc35c9a61a95 - sha256: 9213f60ba710ecfd3632ce47e036775c9f15ce80a6682ff63cbf12d9dddd5382 + md5: 174bd699bb5aa9e2622eb4b288276ff8 + sha256: aae7ab3a54989f9bf9273e4a17c911ba339a8b9354250bc11fb8eff2e3f4be60 category: main optional: false - - name: frozenlist - version: 1.4.0 + - name: cachecontrol-with-filecache + version: 0.13.1 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/frozenlist-1.4.0-py311h459d7ec_1.conda + cachecontrol: 0.13.1 + filelock: ">=3.8.0" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-with-filecache-0.13.1-pyhd8ed1ab_0.conda hash: - md5: 23d0b2d02252b32ee14e5063ccfb41e2 - sha256: aa832b23e1cce4530fef50e87de95132ba29fb4731848b2c7d3d91f863d2b7f3 + md5: 8c4781ca0893cff3a64423954ce234a1 + sha256: 7fd3cd4a667da284ae3aad9b8cb4d592099bc02ed6566cbae00bd8c0b0604e85 category: main optional: false - - name: fsspec - version: 2023.10.0 + - name: cachecontrol-with-filecache + version: 0.13.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.10.0-pyhca7485f_0.conda + python: ">=3.7" + filelock: ">=3.8.0" + cachecontrol: 0.13.1 + url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-with-filecache-0.13.1-pyhd8ed1ab_0.conda hash: - md5: 5b86cf1ceaaa9be2ec4627377e538db1 - sha256: 1bbdfadb93cc768252fd207dca406cde928f9a81ff985ea1760b6539c55923e6 + md5: 8c4781ca0893cff3a64423954ce234a1 + sha256: 7fd3cd4a667da284ae3aad9b8cb4d592099bc02ed6566cbae00bd8c0b0604e85 category: main optional: false - - name: gdk-pixbuf - version: 2.42.10 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - libglib: ">=2.78.0,<3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/gdk-pixbuf-2.42.10-h829c605_4.conda - hash: - md5: 252a696860674caf7a855e16f680d63a - sha256: 884992d0665a0a5c728943d99b5fba30fd6911bb84eee622fa7ad8a4fa9f6cf7 - category: dev - optional: true - - name: google-cloud-sdk - version: 455.0.0 + - name: cachecontrol-with-filecache + version: 0.13.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/google-cloud-sdk-455.0.0-py311h38be061_0.conda + python: ">=3.7" + filelock: ">=3.8.0" + cachecontrol: 0.13.1 + url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-with-filecache-0.13.1-pyhd8ed1ab_0.conda hash: - md5: 1505ce6a9284c331e05de23b56d023ff - sha256: 17c439e5b01341a4aae55a2f1841878244d25b365cef52b39fb9bfd3e30c8315 + md5: 8c4781ca0893cff3a64423954ce234a1 + sha256: 7fd3cd4a667da284ae3aad9b8cb4d592099bc02ed6566cbae00bd8c0b0604e85 category: main optional: false - - name: greenlet - version: 3.0.1 + - name: cached-property + version: 1.5.2 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/greenlet-3.0.1-py311hb755f60_0.conda + cached_property: ">=1.5.2,<1.5.3.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/cached-property-1.5.2-hd8ed1ab_1.tar.bz2 hash: - md5: 7c82abd17036c6ca0f02f2a8935c5572 - sha256: 8470a1c15889f4830df38966e29e3a7aa4473681b7b5997d916428c929544d74 + md5: 9b347a7ec10940d3f7941ff6c460b551 + sha256: 561e6660f26c35d137ee150187d89767c988413c978e1b712d53f27ddf70ea17 category: main optional: false - - name: gts - version: 0.7.6 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - libglib: ">=2.76.3,<3.0a0" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/gts-0.7.6-h977cf35_4.conda - hash: - md5: 4d8df0b0db060d33c9a702ada998a8fe - sha256: b5cd16262fefb836f69dc26d879b6508d29f8a5c5948a966c47fe99e2e19c99b - category: dev - optional: true - - name: hpack - version: 4.0.0 + - name: cached-property + version: 1.5.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/hpack-4.0.0-pyh9f0ad1d_0.tar.bz2 + cached_property: ">=1.5.2,<1.5.3.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/cached-property-1.5.2-hd8ed1ab_1.tar.bz2 hash: - md5: 914d6646c4dbb1fd3ff539830a12fd71 - sha256: 5dec948932c4f740674b1afb551223ada0c55103f4c7bf86a110454da3d27cb8 + md5: 9b347a7ec10940d3f7941ff6c460b551 + sha256: 561e6660f26c35d137ee150187d89767c988413c978e1b712d53f27ddf70ea17 category: main optional: false - - name: httptools - version: 0.6.1 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/httptools-0.6.1-py311h459d7ec_0.conda - hash: - md5: 97b41332ad07a69a1ebb06e26aed50c8 - sha256: 32dc1c03971727098847564d7be589d16d48df233ccee79d369bb79f4e2fee9c - category: dev - optional: true - - name: humanfriendly - version: "10.0" + - name: cached-property + version: 1.5.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/humanfriendly-10.0-pyhd8ed1ab_6.conda + cached_property: ">=1.5.2,<1.5.3.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/cached-property-1.5.2-hd8ed1ab_1.tar.bz2 hash: - md5: 2ed1fe4b9079da97c44cfe9c2e5078fd - sha256: cd93d5d4b1d98f7ce76a8658c35de9c63e17b3a40e52f40fa2f459e0da83d0b1 + md5: 9b347a7ec10940d3f7941ff6c460b551 + sha256: 561e6660f26c35d137ee150187d89767c988413c978e1b712d53f27ddf70ea17 category: main optional: false - - name: hupper - version: "1.12" + - name: cached_property + version: 1.5.2 manager: conda platform: linux-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/hupper-1.12-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/cached_property-1.5.2-pyha770c72_1.tar.bz2 hash: - md5: 2654ff96e839bc699e5c3780689a596b - sha256: 0b172391000a008029f32e4a34d37d79b114d4ea3b6948d2be72a78568fdadcd + md5: 576d629e47797577ab0f1b351297ef4a + sha256: 6dbf7a5070cc43d90a1e4c2ec0c541c69d8e30a0e25f50ce9f6e4a432e42c5d7 category: main optional: false - - name: hyperframe - version: 6.0.1 + - name: cached_property + version: 1.5.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/hyperframe-6.0.1-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/cached_property-1.5.2-pyha770c72_1.tar.bz2 hash: - md5: 9f765cbfab6870c8435b9eefecd7a1f4 - sha256: e374a9d0f53149328134a8d86f5d72bca4c6dcebed3c0ecfa968c02996289330 + md5: 576d629e47797577ab0f1b351297ef4a + sha256: 6dbf7a5070cc43d90a1e4c2ec0c541c69d8e30a0e25f50ce9f6e4a432e42c5d7 category: main optional: false - - name: idna - version: "3.4" + - name: cached_property + version: 1.5.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/idna-3.4-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/cached_property-1.5.2-pyha770c72_1.tar.bz2 hash: - md5: 34272b248891bddccc64479f9a7fffed - sha256: 9887c35c374ec1847f167292d3fde023cb4c994a4ceeec283072b95440131f09 + md5: 576d629e47797577ab0f1b351297ef4a + sha256: 6dbf7a5070cc43d90a1e4c2ec0c541c69d8e30a0e25f50ce9f6e4a432e42c5d7 category: main optional: false - - name: ijson - version: 3.2.3 + - name: cachetools + version: 5.3.2 manager: conda platform: linux-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/ijson-3.2.3-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/cachetools-5.3.2-pyhd8ed1ab_0.conda hash: - md5: 6b1e4cb33f797d6487efd3ebad39d103 - sha256: 133fb51b4c638c453ef7de37cc4d412b9a4442839a9c7ad986b9bf473234b585 + md5: 185cc1bf1d5af90020292888a3c7eb5d + sha256: cb8a6688d5650e4546a5f3c5b825bfe3c82594f1f588a93817f1bdb23e74baad category: main optional: false - - name: imagesize - version: 1.4.1 + - name: cachetools + version: 5.3.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/imagesize-1.4.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/cachetools-5.3.2-pyhd8ed1ab_0.conda hash: - md5: 7de5386c8fea29e76b303f37dde4c352 - sha256: c2bfd7043e0c4c12d8b5593de666c1e81d67b83c474a0a79282cc5c4ef845460 + md5: 185cc1bf1d5af90020292888a3c7eb5d + sha256: cb8a6688d5650e4546a5f3c5b825bfe3c82594f1f588a93817f1bdb23e74baad category: main optional: false - - name: iniconfig - version: 2.0.0 + - name: cachetools + version: 5.3.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/iniconfig-2.0.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/cachetools-5.3.2-pyhd8ed1ab_0.conda hash: - md5: f800d2da156d08e289b14e87e43c1ae5 - sha256: 38740c939b668b36a50ef455b077e8015b8c9cf89860d421b3fff86048f49666 + md5: 185cc1bf1d5af90020292888a3c7eb5d + sha256: cb8a6688d5650e4546a5f3c5b825bfe3c82594f1f588a93817f1bdb23e74baad category: main optional: false - - name: itsdangerous - version: 2.1.2 + - name: cachy + version: 0.3.0 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/itsdangerous-2.1.2-pyhd8ed1ab_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/cachy-0.3.0-pyhd8ed1ab_1.tar.bz2 hash: - md5: 3c3de74912f11d2b590184f03c7cd09b - sha256: 31e3492686b4e92b53db9b48bc0eb03873b1caaf28629fee7d2d47627a2c56d3 + md5: 5dfee17f24e2dfd18d7392b48c9351e2 + sha256: 9b193a4e483c4d0004bc5b88fac7a02516b6311137ab61b8db85aa9741422e35 category: main optional: false - - name: jeepney - version: 0.8.0 + - name: cachy + version: 0.3.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jeepney-0.8.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/cachy-0.3.0-pyhd8ed1ab_1.tar.bz2 hash: - md5: 9800ad1699b42612478755a2d26c722d - sha256: 16639759b811866d63315fe1391f6fb45f5478b823972f4d3d9f0392b7dd80b8 + md5: 5dfee17f24e2dfd18d7392b48c9351e2 + sha256: 9b193a4e483c4d0004bc5b88fac7a02516b6311137ab61b8db85aa9741422e35 category: main optional: false - - name: jellyfish - version: 1.0.3 + - name: cachy + version: 0.3.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/jellyfish-1.0.3-py311h46250e7_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/cachy-0.3.0-pyhd8ed1ab_1.tar.bz2 hash: - md5: de10f4eb49991618d3c97123d5ecd70d - sha256: 3cb4412f397490b3905bbf49f952bfd70be155ba63dcc1972c4a4e0e0cd5a437 + md5: 5dfee17f24e2dfd18d7392b48c9351e2 + sha256: 9b193a4e483c4d0004bc5b88fac7a02516b6311137ab61b8db85aa9741422e35 category: main optional: false - - name: jmespath - version: 1.0.1 + - name: cairo + version: 1.18.0 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jmespath-1.0.1-pyhd8ed1ab_0.tar.bz2 + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + icu: ">=73.2,<74.0a0" + libgcc-ng: ">=12" + libglib: ">=2.78.0,<3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libstdcxx-ng: ">=12" + libxcb: ">=1.15,<1.16.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pixman: ">=0.42.2,<1.0a0" + xorg-libice: ">=1.1.1,<2.0a0" + xorg-libsm: ">=1.2.4,<2.0a0" + xorg-libx11: ">=1.8.6,<2.0a0" + xorg-libxext: ">=1.3.4,<2.0a0" + xorg-libxrender: ">=0.9.11,<0.10.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/cairo-1.18.0-h3faef2a_0.conda hash: - md5: 2cfa3e1cf3fb51bb9b17acc5b5e9ea11 - sha256: 95ac5f9ee95fd4e34dc051746fc86016d3d4f6abefed113e2ede049d59ec2991 + md5: f907bb958910dc404647326ca80c263e + sha256: 142e2639a5bc0e99c44d76f4cc8dce9c6a2d87330c4beeabb128832cd871a86e category: main optional: false - - name: json5 - version: 0.9.14 + - name: cairo + version: 1.18.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/json5-0.9.14-pyhd8ed1ab_0.conda + __osx: ">=10.9" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + icu: ">=73.2,<74.0a0" + libcxx: ">=16.0.6" + libglib: ">=2.78.0,<3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pixman: ">=0.42.2,<1.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/cairo-1.18.0-h99e66fa_0.conda hash: - md5: dac1dabba2b5a9d1aee175c5fcc7b436 - sha256: 41514104208c092959bef0713cbd795e72c535f2f939b7903d8c97809f2adaa7 + md5: 13f830b1bf46018f7062d1b798d53eca + sha256: f8d1142cf244eadcbc44e8ca2266aa61a05b6cda5571f9b745ba32c7ebbfdfba category: main optional: false - - name: jsonpointer - version: "2.4" + - name: cairo + version: 1.18.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/jsonpointer-2.4-py311h38be061_3.conda + __osx: ">=10.9" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + icu: ">=73.2,<74.0a0" + libcxx: ">=16.0.6" + libglib: ">=2.78.0,<3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pixman: ">=0.42.2,<1.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/cairo-1.18.0-hd1e100b_0.conda hash: - md5: 41d52d822edf991bf0e6b08c1921a8ec - sha256: 976f7bf3c3a49c3066f36b67c12ae06b31542e53b843bb4362f31c9e449c6c46 + md5: 3fa6eebabb77f65e82f86b72b95482db + sha256: 599f8820553b3a3405706d9cad390ac199e24515a0a82c87153c9b5b5fdba3b8 category: main optional: false - - name: jupyterlab_widgets - version: 3.0.9 + - name: catalystcoop.dbfread + version: 3.0.0 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_widgets-3.0.9-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.dbfread-3.0.0-py_0.tar.bz2 hash: - md5: 8370e0a9dc443f9b45a23fd30e7a6b3b - sha256: ec66991d2175f7b1f35973d6c4f56ad9a49666f77acf1037d72f3bc6e37224f3 + md5: 301d8b0d49e76f6bd586d2c96c2e259e + sha256: bfba35085bcf84c3368b38ed0c5e6f03aeadf0712e866cb9e89283d6ff5292d7 category: main optional: false - - name: kiwisolver - version: 1.4.5 + - name: catalystcoop.dbfread + version: 3.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/kiwisolver-1.4.5-py311h9547e67_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.dbfread-3.0.0-py_0.tar.bz2 hash: - md5: 2c65bdf442b0d37aad080c8a4e0d452f - sha256: 723b0894d2d2b05a38f9c5a285d5a0a5baa27235ceab6531dbf262ba7c6955c1 + md5: 301d8b0d49e76f6bd586d2c96c2e259e + sha256: bfba35085bcf84c3368b38ed0c5e6f03aeadf0712e866cb9e89283d6ff5292d7 category: main optional: false - - name: lcms2 - version: "2.15" + - name: catalystcoop.dbfread + version: 3.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/lcms2-2.15-hb7c19ff_3.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.dbfread-3.0.0-py_0.tar.bz2 hash: - md5: e96637dd92c5f340215c753a5c9a22d7 - sha256: cc0b2ddab52b20698b26fe8622ebe37e0d462d8691a1f324e7b00f7d904765e3 + md5: 301d8b0d49e76f6bd586d2c96c2e259e + sha256: bfba35085bcf84c3368b38ed0c5e6f03aeadf0712e866cb9e89283d6ff5292d7 category: main optional: false - - name: libblas - version: 3.9.0 + - name: catalystcoop.ferc_xbrl_extractor + version: 1.2.1 manager: conda platform: linux-64 dependencies: - libopenblas: ">=0.3.24,<1.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libblas-3.9.0-19_linux64_openblas.conda + arelle-release: ">=2.3,<3" + coloredlogs: ">=14.0,<15.1" + frictionless: ">=4.4,<5" + lxml: ">=4.9.1,<5" + numpy: ">=1.16,<2" + pandas: ">=1.5,<2.2" + pydantic: ">=1.9,<3" + python: ">=3.10,<3.13" + sqlalchemy: ">=1.4,<3" + stringcase: ">=1.2,<2" + url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.ferc_xbrl_extractor-1.2.1-pyhd8ed1ab_0.conda hash: - md5: 420f4e9be59d0dc9133a0f43f7bab3f3 - sha256: b1311b9414559c5760b08a32e0382ca27fa302c967968aa6f78e042519f728ce + md5: 901c0be7848920eeaeb14bce747c589c + sha256: f70614208da7b61b41ead6d2260ca3b0d6c0785388b09f7aa4615b56fbf3ce37 category: main optional: false - - name: libcurl - version: 8.4.0 + - name: catalystcoop.ferc_xbrl_extractor + version: 1.2.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libgcc-ng: ">=12" - libnghttp2: ">=1.52.0,<2.0a0" - libssh2: ">=1.11.0,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libcurl-8.4.0-hca28451_0.conda + sqlalchemy: ">=1.4,<3" + lxml: ">=4.9.1,<5" + python: ">=3.10,<3.13" + coloredlogs: ">=14.0,<15.1" + frictionless: ">=4.4,<5" + numpy: ">=1.16,<2" + arelle-release: ">=2.3,<3" + pandas: ">=1.5,<2.2" + pydantic: ">=1.9,<3" + stringcase: ">=1.2,<2" + url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.ferc_xbrl_extractor-1.2.1-pyhd8ed1ab_0.conda hash: - md5: 1158ac1d2613b28685644931f11ee807 - sha256: 25f4b6a8827d7b17a66e0bd9b5d194bf9a9e4a46fb14e2ef472fdad4b39426a6 + md5: 901c0be7848920eeaeb14bce747c589c + sha256: f70614208da7b61b41ead6d2260ca3b0d6c0785388b09f7aa4615b56fbf3ce37 category: main optional: false - - name: libgrpc - version: 1.59.2 + - name: catalystcoop.ferc_xbrl_extractor + version: 1.2.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - c-ares: ">=1.20.1,<2.0a0" - libabseil: ">=20230802.1,<20230803.0a0" - libgcc-ng: ">=12" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - re2: "" - url: https://conda.anaconda.org/conda-forge/linux-64/libgrpc-1.59.2-hd6c4280_0.conda + sqlalchemy: ">=1.4,<3" + lxml: ">=4.9.1,<5" + python: ">=3.10,<3.13" + coloredlogs: ">=14.0,<15.1" + frictionless: ">=4.4,<5" + numpy: ">=1.16,<2" + arelle-release: ">=2.3,<3" + pandas: ">=1.5,<2.2" + pydantic: ">=1.9,<3" + stringcase: ">=1.2,<2" + url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.ferc_xbrl_extractor-1.2.1-pyhd8ed1ab_0.conda hash: - md5: dd26e7127a7b08068b52181f47849f04 - sha256: 4ac31c7667fb0940856afc4b8ea58d8f1cb18db3cdf41729aa7d2c7f7a5e6429 + md5: 901c0be7848920eeaeb14bce747c589c + sha256: f70614208da7b61b41ead6d2260ca3b0d6c0785388b09f7aa4615b56fbf3ce37 category: main optional: false - - name: libpq - version: "16.1" + - name: cchardet + version: 2.1.7 manager: conda platform: linux-64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" libgcc-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libpq-16.1-hfc447b1_0.conda + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/cchardet-2.1.7-py311hb755f60_5.conda hash: - md5: 2b7f1893cf40b4ccdc0230bcd94d5ed9 - sha256: 8c92a8cce329a83cc9e94b19d18200c661957c00cfb464f26237d24730864585 + md5: 7e2bfbfc5c66756cc026984c25c9ec18 + sha256: 54ab2875189fe15abcb4811c663a969a7d188299f245be468d5be4c262d552dc category: main optional: false - - name: libwebp - version: 1.3.2 + - name: cchardet + version: 2.1.7 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - giflib: ">=5.2.1,<5.3.0a0" - libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libwebp-1.3.2-h658648e_1.conda + libcxx: ">=15.0.7" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/cchardet-2.1.7-py311hdf8f085_5.conda hash: - md5: 0ebb65e8d86843865796c7c95a941f34 - sha256: cc5e55531d8067ea379b145861aea8c749a545912bc016372f5e3c69cc925efd - category: dev - optional: true - - name: llvmlite - version: 0.41.1 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - libllvm14: ">=14.0.6,<14.1.0a0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" + md5: db8be41b81fe09437c5f1bfef4949609 + sha256: 98784ac0cca2b0b6149d8239d5bda9ff28ba9d115cf010d9e365bcd7b2db9206 + category: main + optional: false + - name: cchardet + version: 2.1.7 + manager: conda + platform: osx-arm64 + dependencies: + libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/llvmlite-0.41.1-py311ha6695c7_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/cchardet-2.1.7-py311ha891d26_5.conda hash: - md5: 60fa8c1f3fb0d99dd10a9af2aff9c400 - sha256: 6510aee9e700e3d000a5eb1ac39455c306572baac8ea3a708743890e16499cf1 + md5: a13c24d173619a3d04af20fb9824414c + sha256: 6834d37c1c301f9bd7361c294559aff01b3680d65448f638f5c53eb7b7c44c03 category: main optional: false - - name: locket - version: 1.0.0 + - name: certifi + version: 2023.11.17 manager: conda platform: linux-64 dependencies: - python: ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" - url: https://conda.anaconda.org/conda-forge/noarch/locket-1.0.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda hash: - md5: 91e27ef3d05cc772ce627e51cff111c4 - sha256: 9afe0b5cfa418e8bdb30d8917c5a6cec10372b037924916f1f85b9f4899a67a6 + md5: 2011bcf45376341dd1d690263fdbc789 + sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 category: main optional: false - - name: lxml - version: 4.9.3 + - name: certifi + version: 2023.11.17 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" - libxslt: ">=1.1.37,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/lxml-4.9.3-py311h1a07684_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda hash: - md5: aab51e50d994e58efdfa5382139b0468 - sha256: 9ee461843278f695c5e301b4575e7dd02f69021e85023b62b17f7dfe2cd173e4 + md5: 2011bcf45376341dd1d690263fdbc789 + sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 category: main optional: false - - name: marko - version: 1.3.1 + - name: certifi + version: 2023.11.17 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/marko-1.3.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda hash: - md5: 9651c1c1c19dbc072c557e3e2da38329 - sha256: 42a84421edb86e09b83aaaa340921b8f2c78daa787305895e886ade6913d8690 + md5: 2011bcf45376341dd1d690263fdbc789 + sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 category: main optional: false - - name: markupsafe - version: 2.1.3 + - name: cffi + version: 1.16.0 manager: conda platform: linux-64 dependencies: + libffi: ">=3.4,<4.0a0" libgcc-ng: ">=12" + pycparser: "" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/markupsafe-2.1.3-py311h459d7ec_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/cffi-1.16.0-py311hb3a22ac_0.conda hash: - md5: 71120b5155a0c500826cf81536721a15 - sha256: e1a9930f35e39bf65bc293e24160b83ebf9f800f02749f65358e1c04882ee6b0 + md5: b3469563ac5e808b0cd92810d0697043 + sha256: b71c94528ca0c35133da4b7ef69b51a0b55eeee570376057f3d2ad60c3ab1444 category: main optional: false - - name: mdurl - version: 0.1.0 + - name: cffi + version: 1.16.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mdurl-0.1.0-pyhd8ed1ab_0.tar.bz2 + libffi: ">=3.4,<4.0a0" + pycparser: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/cffi-1.16.0-py311hc0b63fd_0.conda hash: - md5: f8dab71fdc13b1bf29a01248b156d268 - sha256: c678b9194e025b1fb665bec30ee20aab93399203583875b1dcc0a3b52a8f5523 + md5: 15d07b82223cac96af629e5e747ba27a + sha256: 1f13a5fa7f310fdbd27f5eddceb9e62cfb10012c58a58c923dd6f51fa979748a category: main optional: false - - name: mergedeep - version: 1.3.4 + - name: cffi + version: 1.16.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mergedeep-1.3.4-pyhd8ed1ab_0.tar.bz2 + libffi: ">=3.4,<4.0a0" + pycparser: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/cffi-1.16.0-py311h4a08483_0.conda hash: - md5: 1a160a3cab5cb6bd46264b52cd6f69a2 - sha256: 41ad8c16876820981adfc6e17a62935c950214bd9a9bb092e6aaefdc89a33f0b + md5: cbdde0484a47b40e6ce2a4e5aaeb48d7 + sha256: 9430416328fe2a28e206e703de771817064c8613a79a6a21fe7107f6a783104c category: main optional: false - - name: mistune - version: 3.0.2 + - name: cfgv + version: 3.3.1 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/mistune-3.0.2-pyhd8ed1ab_0.conda + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/cfgv-3.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5cbee699846772cc939bef23a0d524ed - sha256: f95cb70007e3cc2ba44e17c29a056b499e6dadf08746706d0c817c8e2f47e05c + md5: ebb5f5f7dc4f1a3780ef7ea7738db08c + sha256: fbc03537a27ef756162c49b1d0608bf7ab12fa5e38ceb8563d6f4859e835ac5c category: main optional: false - - name: more-itertools - version: 10.1.0 + - name: cfgv + version: 3.3.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/more-itertools-10.1.0-pyhd8ed1ab_0.conda + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/cfgv-3.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8549fafed0351bbfaa1ddaa15fdf9b4e - sha256: 07ce65497dec537e490992758934ddbc4fb5ed9285b41387a7cca966f1a98a0f + md5: ebb5f5f7dc4f1a3780ef7ea7738db08c + sha256: fbc03537a27ef756162c49b1d0608bf7ab12fa5e38ceb8563d6f4859e835ac5c category: main optional: false - - name: msgpack-python - version: 1.0.6 + - name: cfgv + version: 3.3.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/msgpack-python-1.0.6-py311h9547e67_0.conda + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/cfgv-3.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: e826b71bf3dc8c91ee097663e2bcface - sha256: da765eabe27d8adec5bcce30ea1a0b9308d01640089d039f06bef2cc5ef63f46 + md5: ebb5f5f7dc4f1a3780ef7ea7738db08c + sha256: fbc03537a27ef756162c49b1d0608bf7ab12fa5e38ceb8563d6f4859e835ac5c category: main optional: false - - name: multidict - version: 6.0.4 + - name: cfitsio + version: 4.3.0 manager: conda platform: linux-64 dependencies: + bzip2: ">=1.0.8,<2.0a0" + libcurl: ">=8.2.0,<9.0a0" libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/multidict-6.0.4-py311h459d7ec_1.conda + libgfortran-ng: "" + libgfortran5: ">=12.3.0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/cfitsio-4.3.0-hbdc6101_0.conda hash: - md5: 3dc76316237c8f7e7231d61b76c62b7c - sha256: 5bb152aab8fa22d68ce0c802a9990c406eb60a8041660071de0bd30a5cd5081c + md5: 797554b8b7603011e8677884381fbcc5 + sha256: c74938f1ade9b8f37b9fa8cc98a5b9262b325506f41d7492ad1d00146e0f1d08 category: main optional: false - - name: multimethod - version: 1.9.1 + - name: cfitsio + version: 4.3.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/multimethod-1.9.1-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libcurl: ">=8.2.0,<9.0a0" + libgfortran: 5.* + libgfortran5: ">=12.2.0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/cfitsio-4.3.0-h66f91ea_0.conda hash: - md5: 48223af3f697ccd9b114adb6a66e0f11 - sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b + md5: f540472ad8a8ea2b39a4c6ca14ebc1b5 + sha256: 0246d80ce305609c7e810514d1aa578ef498a1f05fd2dba5fa46ea845e4e57b9 category: main optional: false - - name: munch - version: 4.0.0 + - name: cfitsio + version: 4.3.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libcurl: ">=8.2.0,<9.0a0" + libgfortran: 5.* + libgfortran5: ">=12.3.0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/cfitsio-4.3.0-hca87796_0.conda hash: - md5: 376b32e8f9d3eacbd625f37d39bd507d - sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 + md5: a5a1019a6405052124e97999a5204a74 + sha256: 5d03f8d484d29f8d3bdd64afe22ed29d75c639834b40382f8a520f96a7af27c4 category: main optional: false - - name: munkres - version: 1.1.4 + - name: chardet + version: 5.2.0 manager: conda platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/munkres-1.1.4-pyh9f0ad1d_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/chardet-5.2.0-py311h38be061_1.conda hash: - md5: 2ba8498c1018c1e9c61eb99b973dfe19 - sha256: f86fb22b58e93d04b6f25e0d811b56797689d598788b59dcb47f59045b568306 + md5: b8cfb13de4dbe349a41800644391de6a + sha256: 80b547150fc6d125fe034bcc3e820222faa0136463b32b82d7cbe965cc5dec77 category: main optional: false - - name: mypy_extensions - version: 1.0.0 + - name: chardet + version: 5.2.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/mypy_extensions-1.0.0-pyha770c72_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/chardet-5.2.0-py311h6eed73b_1.conda hash: - md5: 4eccaeba205f0aed9ac3a9ea58568ca3 - sha256: f240217476e148e825420c6bc3a0c0efb08c0718b7042fae960400c02af858a3 + md5: dd58f7f16513cea1fea710651e4df728 + sha256: 5826e13627594bafa2f0b4074d9233b0de74227835d249641f216423b3dc8dfc category: main optional: false - - name: nest-asyncio - version: 1.5.8 + - name: chardet + version: 5.2.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/nest-asyncio-1.5.8-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/chardet-5.2.0-py311h267d04e_1.conda hash: - md5: a4f0e4519bc50eee4f53f689be9607f7 - sha256: d7b795b4e754136841c6da3f9fa1a0f7ec37bc7167e7dd68c5b45e657133e008 + md5: 2aa7eb0b906818f900e2075fc244976f + sha256: 69541a0c834baa0b404cb55f8389bb53f8e9d6962055d68285635d6fbc04334c category: main optional: false - - name: networkx - version: 3.2.1 + - name: charset-normalizer + version: 3.3.2 manager: conda platform: linux-64 dependencies: - python: ">=3.9" - url: https://conda.anaconda.org/conda-forge/noarch/networkx-3.2.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/charset-normalizer-3.3.2-pyhd8ed1ab_0.conda hash: - md5: 425fce3b531bed6ec3c74fab3e5f0a1c - sha256: 7629aa4f9f8cdff45ea7a4701fe58dccce5bf2faa01c26eb44cbb27b7e15ca9d + md5: 7f4a9e3fcff3f6356ae99244a014da6a + sha256: 20cae47d31fdd58d99c4d2e65fbdcefa0b0de0c84e455ba9d6356a4bdbc4b5b9 category: main optional: false - - name: openjpeg - version: 2.5.0 + - name: charset-normalizer + version: 3.3.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libpng: ">=1.6.39,<1.7.0a0" - libstdcxx-ng: ">=12" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/openjpeg-2.5.0-h488ebb8_3.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/charset-normalizer-3.3.2-pyhd8ed1ab_0.conda hash: - md5: 128c25b7fe6a25286a48f3a6a9b5b6f3 - sha256: 9fe91b67289267de68fda485975bb48f0605ac503414dc663b50d8b5f29bc82a + md5: 7f4a9e3fcff3f6356ae99244a014da6a + sha256: 20cae47d31fdd58d99c4d2e65fbdcefa0b0de0c84e455ba9d6356a4bdbc4b5b9 category: main optional: false - - name: packaging - version: "23.2" + - name: charset-normalizer + version: 3.3.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/packaging-23.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/charset-normalizer-3.3.2-pyhd8ed1ab_0.conda hash: - md5: 79002079284aa895f883c6b7f3f88fd6 - sha256: 69b3ace6cca2dab9047b2c24926077d81d236bef45329d264b394001e3c3e52f + md5: 7f4a9e3fcff3f6356ae99244a014da6a + sha256: 20cae47d31fdd58d99c4d2e65fbdcefa0b0de0c84e455ba9d6356a4bdbc4b5b9 category: main optional: false - - name: pandocfilters - version: 1.5.0 + - name: click + version: 8.1.7 manager: conda platform: linux-64 dependencies: - python: "!=3.0,!=3.1,!=3.2,!=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/pandocfilters-1.5.0-pyhd8ed1ab_0.tar.bz2 + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/click-8.1.7-unix_pyh707e725_0.conda hash: - md5: 457c2c8c08e54905d6954e79cb5b5db9 - sha256: 2bb9ba9857f4774b85900c2562f7e711d08dd48e2add9bee4e1612fbee27e16f + md5: f3ad426304898027fc619827ff428eca + sha256: f0016cbab6ac4138a429e28dbcb904a90305b34b3fe41a9b89d697c90401caec category: main optional: false - - name: parso - version: 0.8.3 + - name: click + version: 8.1.7 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/parso-0.8.3-pyhd8ed1ab_0.tar.bz2 + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/click-8.1.7-unix_pyh707e725_0.conda hash: - md5: 17a565a0c3899244e938cdf417e7b094 - sha256: 4e26d5daf5de0e31aa5e74ac56386a361b202433b83f024fdadbf07d4a244da4 + md5: f3ad426304898027fc619827ff428eca + sha256: f0016cbab6ac4138a429e28dbcb904a90305b34b3fe41a9b89d697c90401caec category: main optional: false - - name: pastel - version: 0.2.1 + - name: click + version: 8.1.7 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pastel-0.2.1-pyhd8ed1ab_0.tar.bz2 + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/click-8.1.7-unix_pyh707e725_0.conda hash: - md5: a4eea5bff523f26442405bc5d1f52adb - sha256: 9153f0f38c76a09da7688a61fdbf8f3d7504e2326bef53e4ec20d994311b15bd + md5: f3ad426304898027fc619827ff428eca + sha256: f0016cbab6ac4138a429e28dbcb904a90305b34b3fe41a9b89d697c90401caec category: main optional: false - - name: pathspec - version: 0.11.2 + - name: click-default-group + version: 1.2.4 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pathspec-0.11.2-pyhd8ed1ab_0.conda + click: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-1.2.4-pyhd8ed1ab_0.conda hash: - md5: e41debb259e68490e3ab81e46b639ab6 - sha256: 7bcfa6d86359d45572ba9ccaeaedc04b0452e2654fe44b6fe378d0d37b8745e1 + md5: 7c2b6931f9b3548ed78478332095c3e9 + sha256: b36e35d735ddd29d7c592eb3de4b3979e13a9f76f1b4bc939f2cb4402758d6d0 category: main optional: false - - name: petl - version: 1.7.14 + - name: click-default-group + version: 1.2.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/petl-1.7.14-pyhd8ed1ab_0.conda + click: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-1.2.4-pyhd8ed1ab_0.conda hash: - md5: 65813db01f2331768d909c0852ff5d70 - sha256: f802a980b04ea3355831be31c4b94421040ec95902e203ea08c2e3fc0a1f4286 + md5: 7c2b6931f9b3548ed78478332095c3e9 + sha256: b36e35d735ddd29d7c592eb3de4b3979e13a9f76f1b4bc939f2cb4402758d6d0 category: main optional: false - - name: pickleshare - version: 0.7.5 + - name: click-default-group + version: 1.2.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3" - url: https://conda.anaconda.org/conda-forge/noarch/pickleshare-0.7.5-py_1003.tar.bz2 + click: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-1.2.4-pyhd8ed1ab_0.conda hash: - md5: 415f0ebb6198cc2801c73438a9fb5761 - sha256: a1ed1a094dd0d1b94a09ed85c283a0eb28943f2e6f22161fb45e128d35229738 + md5: 7c2b6931f9b3548ed78478332095c3e9 + sha256: b36e35d735ddd29d7c592eb3de4b3979e13a9f76f1b4bc939f2cb4402758d6d0 category: main optional: false - - name: pkginfo - version: 1.9.6 + - name: click-default-group-wheel + version: 1.2.2 manager: conda platform: linux-64 dependencies: + click: "" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pkginfo-1.9.6-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-wheel-1.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: be1e9f1c65a1ed0f2ae9352fec99db64 - sha256: 7ea5a5af62a15376d9f4f9f3c134874d0b0710f39be719e849b7fa9ca8870502 + md5: 2228f2640491b5e9c03b6f6346cba887 + sha256: 3a4d5c96f5375715aec9b8b7639c5a401a90dc1019d24288e4e9494148a640ee category: main optional: false - - name: pkgutil-resolve-name - version: 1.3.10 + - name: click-default-group-wheel + version: 1.2.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: + click: "" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pkgutil-resolve-name-1.3.10-pyhd8ed1ab_1.conda + url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-wheel-1.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 405678b942f2481cecdb3e010f4925d9 - sha256: fecf95377134b0e8944762d92ecf7b0149c07d8186fb5db583125a2705c7ea0a + md5: 2228f2640491b5e9c03b6f6346cba887 + sha256: 3a4d5c96f5375715aec9b8b7639c5a401a90dc1019d24288e4e9494148a640ee category: main optional: false - - name: pluggy - version: 1.3.0 + - name: click-default-group-wheel + version: 1.2.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pluggy-1.3.0-pyhd8ed1ab_0.conda + click: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-wheel-1.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2390bd10bed1f3fdc7a537fb5a447d8d - sha256: 7bf2ad9d747e71f1e93d0863c2c8061dd0f2fe1e582f28d292abfb40264a2eb5 + md5: 2228f2640491b5e9c03b6f6346cba887 + sha256: 3a4d5c96f5375715aec9b8b7639c5a401a90dc1019d24288e4e9494148a640ee category: main optional: false - - name: prettier - version: 3.1.0 + - name: click-plugins + version: 1.1.1 manager: conda platform: linux-64 dependencies: - __glibc: ">=2.17,<3.0.a0" - nodejs: ">=20.8.1,<21.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/prettier-3.1.0-h31abb78_0.conda + click: ">=3.0" + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/click-plugins-1.1.1-py_0.tar.bz2 hash: - md5: 825c43da21ded31f538a695cca2961ee - sha256: a836d8d87734c76e04b64f66d2a72262ac09ce7e23c92b3f77d47bdc20267a21 + md5: 4fd2c6b53934bd7d96d1f3fdaf99b79f + sha256: ddef6e559dde6673ee504b0e29dd814d36e22b6b9b1f519fa856ee268905bf92 category: main optional: false - - name: prometheus_client - version: 0.18.0 + - name: click-plugins + version: 1.1.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/prometheus_client-0.18.0-pyhd8ed1ab_1.conda + python: "" + click: ">=3.0" + url: https://conda.anaconda.org/conda-forge/noarch/click-plugins-1.1.1-py_0.tar.bz2 hash: - md5: 46f6be657443caffcc7201d51c07aadf - sha256: dca35462761fe9a06f348a0e6216a7a5934e3e29c33bc8e173fb344116568a95 + md5: 4fd2c6b53934bd7d96d1f3fdaf99b79f + sha256: ddef6e559dde6673ee504b0e29dd814d36e22b6b9b1f519fa856ee268905bf92 category: main optional: false - - name: psutil - version: 5.9.5 + - name: click-plugins + version: 1.1.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/psutil-5.9.5-py311h459d7ec_1.conda + python: "" + click: ">=3.0" + url: https://conda.anaconda.org/conda-forge/noarch/click-plugins-1.1.1-py_0.tar.bz2 hash: - md5: 490d7fa8675afd1aa6f1b2332d156a45 - sha256: e92d2120fc4b98fe838b3d52d4907fae97808bdd504fb84aa33aea8c4be7bc61 + md5: 4fd2c6b53934bd7d96d1f3fdaf99b79f + sha256: ddef6e559dde6673ee504b0e29dd814d36e22b6b9b1f519fa856ee268905bf92 category: main optional: false - - name: ptyprocess - version: 0.7.0 + - name: cligj + version: 0.7.2 manager: conda platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/ptyprocess-0.7.0-pyhd3deb0d_0.tar.bz2 + click: ">=4.0" + python: <4.0 + url: https://conda.anaconda.org/conda-forge/noarch/cligj-0.7.2-pyhd8ed1ab_1.tar.bz2 hash: - md5: 359eeb6536da0e687af562ed265ec263 - sha256: fb31e006a25eb2e18f3440eb8d17be44c8ccfae559499199f73584566d0a444a + md5: a29b7c141d6b2de4bb67788a5f107734 + sha256: 97bd58f0cfcff56a0bcda101e26f7d936625599325beba3e3a1fa512dd7fc174 category: main optional: false - - name: pure_eval - version: 0.2.2 + - name: cligj + version: 0.7.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/pure_eval-0.2.2-pyhd8ed1ab_0.tar.bz2 + python: <4.0 + click: ">=4.0" + url: https://conda.anaconda.org/conda-forge/noarch/cligj-0.7.2-pyhd8ed1ab_1.tar.bz2 hash: - md5: 6784285c7e55cb7212efabc79e4c2883 - sha256: 72792f9fc2b1820e37cc57f84a27bc819c71088c3002ca6db05a2e56404f9d44 + md5: a29b7c141d6b2de4bb67788a5f107734 + sha256: 97bd58f0cfcff56a0bcda101e26f7d936625599325beba3e3a1fa512dd7fc174 category: main optional: false - - name: pyasn1 - version: 0.5.0 + - name: cligj + version: 0.7.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "!=3.0,!=3.1,!=3.2,!=3.3,!=3.4,!=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-0.5.0-pyhd8ed1ab_0.conda + python: <4.0 + click: ">=4.0" + url: https://conda.anaconda.org/conda-forge/noarch/cligj-0.7.2-pyhd8ed1ab_1.tar.bz2 hash: - md5: 4b1c0db24e212190be1969b0aa490ad8 - sha256: 259b1107ae7d6983a8fdebe1717b67005fdf5328e827f33d38a9df43dee5ef82 + md5: a29b7c141d6b2de4bb67788a5f107734 + sha256: 97bd58f0cfcff56a0bcda101e26f7d936625599325beba3e3a1fa512dd7fc174 category: main optional: false - - name: pycparser - version: "2.21" - manager: conda - platform: linux-64 - dependencies: - python: 2.7.*|>=3.4 - url: https://conda.anaconda.org/conda-forge/noarch/pycparser-2.21-pyhd8ed1ab_0.tar.bz2 - hash: - md5: 076becd9e05608f8dc72757d5f3a91ff - sha256: 74c63fd03f1f1ea2b54e8bc529fd1a600aaafb24027b738d0db87909ee3a33dc - category: main - optional: false - - name: pygments - version: 2.16.1 + - name: clikit + version: 0.6.2 manager: conda platform: linux-64 dependencies: + pastel: ">=0.2.0,<0.3.0" + pylev: ">=1.3,<2.0" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pygments-2.16.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/clikit-0.6.2-pyhd8ed1ab_2.conda hash: - md5: 40e5cb18165466773619e5c963f00a7b - sha256: 3f0f0fadc6084960ec8cc00a32a03529c562ffea3b527eb73b1653183daad389 + md5: 02abb7b66b02e8b9f5a9b05454400087 + sha256: 2d582bc15d9116ec5467b565fb87d9034c8b56f60943e8eb69407f55f1ab5a78 category: main optional: false - - name: pyjwt - version: 2.8.0 + - name: clikit + version: 0.6.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyjwt-2.8.0-pyhd8ed1ab_0.conda + python: ">=3.7" + pylev: ">=1.3,<2.0" + pastel: ">=0.2.0,<0.3.0" + url: https://conda.anaconda.org/conda-forge/noarch/clikit-0.6.2-pyhd8ed1ab_2.conda hash: - md5: 912c0194f898fdb783021fd25f913c31 - sha256: 88ac94c42ade15113397e30d1831dd341399b5262fb5330b9240f915c33cd232 + md5: 02abb7b66b02e8b9f5a9b05454400087 + sha256: 2d582bc15d9116ec5467b565fb87d9034c8b56f60943e8eb69407f55f1ab5a78 category: main optional: false - - name: pylev - version: 1.4.0 + - name: clikit + version: 0.6.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/pylev-1.4.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + pylev: ">=1.3,<2.0" + pastel: ">=0.2.0,<0.3.0" + url: https://conda.anaconda.org/conda-forge/noarch/clikit-0.6.2-pyhd8ed1ab_2.conda hash: - md5: edf8651c4379d9d1495ad6229622d150 - sha256: 50bd91767686bfe769e50a5a1b883e238d944a6163fea43e7c0beaac54ca674f + md5: 02abb7b66b02e8b9f5a9b05454400087 + sha256: 2d582bc15d9116ec5467b565fb87d9034c8b56f60943e8eb69407f55f1ab5a78 category: main optional: false - - name: pyparsing - version: 3.1.1 + - name: cloudpickle + version: 3.0.0 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyparsing-3.1.1-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/cloudpickle-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 176f7d56f0cfe9008bdf1bccd7de02fb - sha256: 4a1332d634b6c2501a973655d68f08c9c42c0bd509c349239127b10572b8354b + md5: 753d29fe41bb881e4b9c004f0abf973f + sha256: 0dfbc1ffa72e7a0882f486c9b1e4e9cccb68cf5c576fe53a89d076c9f1d43754 category: main optional: false - - name: pysocks - version: 1.7.1 + - name: cloudpickle + version: 3.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - __unix: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pysocks-1.7.1-pyha2e5f31_6.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/cloudpickle-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 2a7de29fb590ca14b5243c4c812c8025 - sha256: a42f826e958a8d22e65b3394f437af7332610e43ee313393d1cf143f0a2d274b + md5: 753d29fe41bb881e4b9c004f0abf973f + sha256: 0dfbc1ffa72e7a0882f486c9b1e4e9cccb68cf5c576fe53a89d076c9f1d43754 category: main optional: false - - name: python-dotenv - version: 1.0.0 + - name: cloudpickle + version: 3.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/python-dotenv-1.0.0-pyhd8ed1ab_1.conda + url: https://conda.anaconda.org/conda-forge/noarch/cloudpickle-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 111e7f9edd31865e2659fa9aad8ec8fd - sha256: bc5663f224ff6d8a399ec6bd8517e0c0f87a69ead438f82e5ce5c30f00077586 + md5: 753d29fe41bb881e4b9c004f0abf973f + sha256: 0dfbc1ffa72e7a0882f486c9b1e4e9cccb68cf5c576fe53a89d076c9f1d43754 category: main optional: false - - name: python-fastjsonschema - version: 2.19.0 + - name: colorama + version: 0.4.6 manager: conda platform: linux-64 dependencies: - python: ">=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/python-fastjsonschema-2.19.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/colorama-0.4.6-pyhd8ed1ab_0.tar.bz2 hash: - md5: e4dbdb3585c0266b4710467fe7b75cf4 - sha256: fdfe3f387c5ebde803605e1e90871c424519d2bfe2eb3bf9caad1c5a07f4c462 + md5: 3faab06a954c2a04039983f2c4a50d99 + sha256: 2c1b2e9755ce3102bca8d69e8f26e4f087ece73f50418186aee7c74bef8e1698 category: main optional: false - - name: python-json-logger - version: 2.0.7 + - name: colorama + version: 0.4.6 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-json-logger-2.0.7-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/colorama-0.4.6-pyhd8ed1ab_0.tar.bz2 hash: - md5: a61bf9ec79426938ff785eb69dbb1960 - sha256: 4790787fe1f4e8da616edca4acf6a4f8ed4e7c6967aa31b920208fc8f95efcca + md5: 3faab06a954c2a04039983f2c4a50d99 + sha256: 2c1b2e9755ce3102bca8d69e8f26e4f087ece73f50418186aee7c74bef8e1698 category: main optional: false - - name: python-multipart - version: 0.0.6 + - name: colorama + version: 0.4.6 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/python-multipart-0.0.6-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/colorama-0.4.6-pyhd8ed1ab_0.tar.bz2 hash: - md5: f4f642eeda814c1b65f46fbdf7e89096 - sha256: 2a9b8d02a6ec9862433cfc2741c4cbfe321e4ae3bab066f7ed84bc00effb73d7 + md5: 3faab06a954c2a04039983f2c4a50d99 + sha256: 2c1b2e9755ce3102bca8d69e8f26e4f087ece73f50418186aee7c74bef8e1698 category: main optional: false - - name: python-tzdata - version: "2023.3" + - name: coloredlogs + version: "14.0" manager: conda platform: linux-64 dependencies: + humanfriendly: ">=7.1" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-tzdata-2023.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/coloredlogs-14.0-pyhd8ed1ab_3.tar.bz2 hash: - md5: 2590495f608a63625e165915fb4e2e34 - sha256: 0108888507014fb24573c31e4deceb61c99e63d37776dddcadd7c89b2ecae0b6 + md5: 6b92f390b198cb631c95fd37097098c8 + sha256: 703557fb1bde384b34cd8b1aa88c485e8900f83420bb69066f958f45c2008ef9 category: main optional: false - - name: pytz - version: 2023.3.post1 + - name: coloredlogs + version: "14.0" manager: conda - platform: linux-64 + platform: osx-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pytz-2023.3.post1-pyhd8ed1ab_0.conda + humanfriendly: ">=7.1" + url: https://conda.anaconda.org/conda-forge/noarch/coloredlogs-14.0-pyhd8ed1ab_3.tar.bz2 hash: - md5: c93346b446cd08c169d843ae5fc0da97 - sha256: 6b680e63d69aaf087cd43ca765a23838723ef59b0a328799e6363eb13f52c49e + md5: 6b92f390b198cb631c95fd37097098c8 + sha256: 703557fb1bde384b34cd8b1aa88c485e8900f83420bb69066f958f45c2008ef9 category: main optional: false - - name: pytzdata - version: "2020.1" + - name: coloredlogs + version: "14.0" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/pytzdata-2020.1-pyh9f0ad1d_0.tar.bz2 + python: ">=3.6" + humanfriendly: ">=7.1" + url: https://conda.anaconda.org/conda-forge/noarch/coloredlogs-14.0-pyhd8ed1ab_3.tar.bz2 hash: - md5: 7dd824593f3a861130ac17c6571546e2 - sha256: e7e628c1247b096e3af147b1c32d5ac328266fa95656e27b79f71bb410251356 + md5: 6b92f390b198cb631c95fd37097098c8 + sha256: 703557fb1bde384b34cd8b1aa88c485e8900f83420bb69066f958f45c2008ef9 category: main optional: false - - name: pywin32-on-windows - version: 0.1.0 + - name: comm + version: 0.1.4 manager: conda platform: linux-64 dependencies: - __unix: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pywin32-on-windows-0.1.0-pyh1179c8e_3.tar.bz2 + python: ">=3.6" + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/noarch/comm-0.1.4-pyhd8ed1ab_0.conda hash: - md5: 2807a0becd1d986fe1ef9b7f8135f215 - sha256: 6502696aaef571913b22a808b15c185bd8ea4aabb952685deb29e6a6765761cb + md5: c8eaca39e2b6abae1fc96acc929ae939 + sha256: 11057745946a95ee7cc4c98900a60c7362266a4cb28bc97d96cd88e3056eb701 category: main optional: false - - name: pyxlsb - version: 1.0.10 + - name: comm + version: 0.1.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyxlsb-1.0.10-pyhd8ed1ab_0.tar.bz2 + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/noarch/comm-0.1.4-pyhd8ed1ab_0.conda hash: - md5: 0c14e44bc93a99cdc11398311c3c0dcf - sha256: 7e6e7064ad976ba6d38e7cf5a893c93a47025d4074b888e8db31386a914935fb + md5: c8eaca39e2b6abae1fc96acc929ae939 + sha256: 11057745946a95ee7cc4c98900a60c7362266a4cb28bc97d96cd88e3056eb701 category: main optional: false - - name: pyyaml - version: 6.0.1 + - name: comm + version: 0.1.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - yaml: ">=0.2.5,<0.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/pyyaml-6.0.1-py311h459d7ec_1.conda + python: ">=3.6" + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/noarch/comm-0.1.4-pyhd8ed1ab_0.conda hash: - md5: 52719a74ad130de8fb5d047dc91f247a - sha256: 28729ef1ffa7f6f9dfd54345a47c7faac5d34296d66a2b9891fb147f4efe1348 + md5: c8eaca39e2b6abae1fc96acc929ae939 + sha256: 11057745946a95ee7cc4c98900a60c7362266a4cb28bc97d96cd88e3056eb701 category: main optional: false - - name: pyzmq - version: 25.1.1 + - name: conda-lock + version: 2.5.1 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libsodium: ">=1.0.18,<1.0.19.0a0" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - zeromq: ">=4.3.5,<4.4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/pyzmq-25.1.1-py311h34ded2d_2.conda + cachecontrol-with-filecache: ">=0.12.9" + cachy: ">=0.3.0" + click: ">=8.0" + click-default-group: "" + clikit: ">=0.6.2" + crashtest: ">=0.3.0" + ensureconda: ">=1.3" + gitpython: ">=3.1.30" + html5lib: ">=1.0" + jinja2: "" + keyring: ">=21.2.0" + packaging: ">=20.4" + pkginfo: ">=1.4" + pydantic: ">=1.10" + python: ">=3.8" + pyyaml: ">=5.1" + requests: ">=2.18" + ruamel.yaml: "" + tomli: "" + tomlkit: ">=0.7.0" + toolz: ">=0.12.0,<1.0.0" + typing_extensions: "" + urllib3: ">=1.26.5,<2.0" + virtualenv: ">=20.0.26" + url: https://conda.anaconda.org/conda-forge/noarch/conda-lock-2.5.1-pyhd8ed1ab_0.conda hash: - md5: ea365280db99687905b4d76cf6a3568c - sha256: a5ed6592f32b0caf3883a2f863e8a6258845310d4eebeab2eaf1c5abed04d6b8 + md5: 22209054c003c84cdabcc74d5733c501 + sha256: c6fc314161263f031eb23ac53868e0d9b0242efe669e176901effdac4bd87376 category: main optional: false - - name: regex - version: 2023.10.3 + - name: conda-lock + version: 2.5.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/regex-2023.10.3-py311h459d7ec_0.conda - hash: - md5: c690bffc22c33b3a976d588937eb32bf - sha256: 80b761ea8ed126b3d12a0466ea925db6116527675f8eb8bd0f68b260f292e9e6 - category: main - optional: false - - name: rfc3986 - version: 2.0.0 - manager: conda - platform: linux-64 - dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-2.0.0-pyhd8ed1ab_0.tar.bz2 + typing_extensions: "" + jinja2: "" + ruamel.yaml: "" + tomli: "" + click-default-group: "" + python: ">=3.8" + pyyaml: ">=5.1" + click: ">=8.0" + packaging: ">=20.4" + requests: ">=2.18" + ensureconda: ">=1.3" + gitpython: ">=3.1.30" + keyring: ">=21.2.0" + html5lib: ">=1.0" + pydantic: ">=1.10" + cachy: ">=0.3.0" + clikit: ">=0.6.2" + crashtest: ">=0.3.0" + pkginfo: ">=1.4" + tomlkit: ">=0.7.0" + virtualenv: ">=20.0.26" + toolz: ">=0.12.0,<1.0.0" + cachecontrol-with-filecache: ">=0.12.9" + urllib3: ">=1.26.5,<2.0" + url: https://conda.anaconda.org/conda-forge/noarch/conda-lock-2.5.1-pyhd8ed1ab_0.conda hash: - md5: d337886e38f965bf97aaec382ff6db00 - sha256: dd6bfb7c4248ba7612f2e6e4a066d6804ba96dfcaeddf43475a2c846ccfcc396 + md5: 22209054c003c84cdabcc74d5733c501 + sha256: c6fc314161263f031eb23ac53868e0d9b0242efe669e176901effdac4bd87376 category: main optional: false - - name: rfc3986-validator - version: 0.1.1 + - name: conda-lock + version: 2.5.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-validator-0.1.1-pyh9f0ad1d_0.tar.bz2 + typing_extensions: "" + jinja2: "" + ruamel.yaml: "" + tomli: "" + click-default-group: "" + python: ">=3.8" + pyyaml: ">=5.1" + click: ">=8.0" + packaging: ">=20.4" + requests: ">=2.18" + ensureconda: ">=1.3" + gitpython: ">=3.1.30" + keyring: ">=21.2.0" + html5lib: ">=1.0" + pydantic: ">=1.10" + cachy: ">=0.3.0" + clikit: ">=0.6.2" + crashtest: ">=0.3.0" + pkginfo: ">=1.4" + tomlkit: ">=0.7.0" + virtualenv: ">=20.0.26" + toolz: ">=0.12.0,<1.0.0" + cachecontrol-with-filecache: ">=0.12.9" + urllib3: ">=1.26.5,<2.0" + url: https://conda.anaconda.org/conda-forge/noarch/conda-lock-2.5.1-pyhd8ed1ab_0.conda hash: - md5: 912a71cc01012ee38e6b90ddd561e36f - sha256: 2a5b495a1de0f60f24d8a74578ebc23b24aa53279b1ad583755f223097c41c37 + md5: 22209054c003c84cdabcc74d5733c501 + sha256: c6fc314161263f031eb23ac53868e0d9b0242efe669e176901effdac4bd87376 category: main optional: false - - name: rpds-py - version: 0.13.0 + - name: contourpy + version: 1.2.0 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + numpy: ">=1.20,<2" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/rpds-py-0.13.0-py311h46250e7_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/contourpy-1.2.0-py311h9547e67_0.conda hash: - md5: 5e619ccf7939a4364d1b96648c90c34a - sha256: 03651a2670fd8f99e42f8e7b4581ded905cfbf62a2923ae532db4f1dede8fbc4 + md5: 40828c5b36ef52433e21f89943e09f33 + sha256: 2c76e2a970b74eef92ef9460aa705dbdc506dd59b7382bfbedce39d9c189d7f4 category: main optional: false - - name: rtree - version: 1.1.0 + - name: contourpy + version: 1.2.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libspatialindex: ">=1.9.3,<1.9.4.0a0" + __osx: ">=10.9" + libcxx: ">=16.0.6" + numpy: ">=1.20,<2" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/rtree-1.1.0-py311h3bb2b0f_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/contourpy-1.2.0-py311h7bea37d_0.conda hash: - md5: 341bbb97186f23835d2d0456d96c5aba - sha256: 555d5b653283380ed397f4bbfa47ab7c62c2173ca06f9dadc5eb0b1bd99c95a7 + md5: 6711c052d956af4973a16749236a0387 + sha256: 40bca4a644e0c0b0e6d58cef849ba02d4f218af715f7a5787d41845797f3b8a9 category: main optional: false - - name: ruamel.yaml.clib - version: 0.2.7 + - name: contourpy + version: 1.2.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" + __osx: ">=10.9" + libcxx: ">=16.0.6" + numpy: ">=1.20,<2" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/ruamel.yaml.clib-0.2.7-py311h459d7ec_2.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/contourpy-1.2.0-py311hd03642b_0.conda hash: - md5: 56bc3fe5180c0b23e05c7a5708153ac7 - sha256: cfd060725d39f136618547ecb8a593d82d460725fb447849815c26418c360c35 + md5: c0fa0bea0af7ecdea23bf983655fa2d0 + sha256: 3ec341c3a33bbb7f60e9a96214e0e08c4ba9e4a553b18104194e7843abbb4ef4 category: main optional: false - - name: ruff - version: 0.1.6 + - name: coverage + version: 7.3.2 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" - libstdcxx-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/ruff-0.1.6-py311h7145743_0.conda + tomli: "" + url: https://conda.anaconda.org/conda-forge/linux-64/coverage-7.3.2-py311h459d7ec_0.conda hash: - md5: aff8387edd5157da054c4b46cc38ffdc - sha256: dd8f7a3e2e7bc65fb6c2c32aae79ebc8623c6b87cbdbc8d2651be9ccd63e29d0 + md5: 7b3145fed7adc7c63a0e08f6f29f5480 + sha256: 8b56edd4336e7fc6ff9b73436a3a270cf835f57cf4d0565c6e240c40f1981085 category: main optional: false - - name: send2trash - version: 1.8.2 + - name: coverage + version: 7.3.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - __linux: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/send2trash-1.8.2-pyh41d4057_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + tomli: "" + url: https://conda.anaconda.org/conda-forge/osx-64/coverage-7.3.2-py311h2725bcf_0.conda hash: - md5: ada5a17adcd10be4fc7e37e4166ba0e2 - sha256: e74d3faf51a6cc429898da0209d95b209270160f3edbf2f6d8b61a99428301cd + md5: 0ce651c68a0322a6eacef726025b938a + sha256: ada34f95907fe0cd98d4d12e439bd1508363738f8b0fbe88d14cb398f4235af6 category: main optional: false - - name: setuptools - version: 68.2.2 + - name: coverage + version: 7.3.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/setuptools-68.2.2-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + tomli: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/coverage-7.3.2-py311heffc1b2_0.conda hash: - md5: fc2166155db840c634a1291a5c35a709 - sha256: 851901b1f8f2049edb36a675f0c3f9a98e1495ef4eb214761b048c6f696a06f7 + md5: 75928ad6625a73ff93f08be98014248c + sha256: 88d116c4c51a106c43937b950d3fd14007800fb7b3945573a5a117533c450e6b category: main optional: false - - name: shellingham - version: 1.5.4 + - name: crashtest + version: 0.4.1 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/shellingham-1.5.4-pyhd8ed1ab_0.conda + python: ">=3.6,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/crashtest-0.4.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: d08db09a552699ee9e7eec56b4eb3899 - sha256: 3c49a0a101c41b7cf6ac05a1872d7a1f91f1b6d02eecb4a36b605a19517862bb + md5: 709a2295dd907bb34afb57d54320642f + sha256: 2f05954a3faf0700c14c1deddc085385160ee32abe111699c78d9cb277e915cc category: main optional: false - - name: simpleeval - version: 0.9.13 + - name: crashtest + version: 0.4.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=2.5,!=3.0.*,!=3.1.*,!=3.2.*" - url: https://conda.anaconda.org/conda-forge/noarch/simpleeval-0.9.13-pyhd8ed1ab_1.conda + python: ">=3.6,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/crashtest-0.4.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: b3282d9b9e4a7c42d6c570492316dcaa - sha256: 5c9c537011327fc281c3c108020f1ad2a40284df0e1625a87825c0699d98f67f + md5: 709a2295dd907bb34afb57d54320642f + sha256: 2f05954a3faf0700c14c1deddc085385160ee32abe111699c78d9cb277e915cc category: main optional: false - - name: six - version: 1.16.0 + - name: crashtest + version: 0.4.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/six-1.16.0-pyh6c4a22f_0.tar.bz2 + python: ">=3.6,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/crashtest-0.4.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: e5f25f8dbc060e9a8d912e432202afc2 - sha256: a85c38227b446f42c5b90d9b642f2c0567880c15d72492d8da074a59c8f91dd6 + md5: 709a2295dd907bb34afb57d54320642f + sha256: 2f05954a3faf0700c14c1deddc085385160ee32abe111699c78d9cb277e915cc category: main optional: false - - name: smmap - version: 5.0.0 + - name: croniter + version: 2.0.1 manager: conda platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/smmap-5.0.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + python-dateutil: "" + pytz: ">2021.1" + url: https://conda.anaconda.org/conda-forge/noarch/croniter-2.0.1-pyhd8ed1ab_0.conda hash: - md5: 62f26a3d1387acee31322208f0cfa3e0 - sha256: 23011cb3e064525bdb8787c75126a2e78d2344a72cd6773922006d1da1f2af16 + md5: f67f52c1f555785b86c3bd8e5de4c66f + sha256: 0a39004b6e4ddff1a323432c0790d61a8885f35af9e60cc7e76ad8f6d43e3f34 category: main optional: false - - name: sniffio - version: 1.3.0 + - name: croniter + version: 2.0.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: + python-dateutil: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/sniffio-1.3.0-pyhd8ed1ab_0.tar.bz2 + pytz: ">2021.1" + url: https://conda.anaconda.org/conda-forge/noarch/croniter-2.0.1-pyhd8ed1ab_0.conda hash: - md5: dd6cbc539e74cb1f430efbd4575b9303 - sha256: a3fd30754c20ddb28b777db38345ea00d958f46701f0decd6291a81c0f4eee78 + md5: f67f52c1f555785b86c3bd8e5de4c66f + sha256: 0a39004b6e4ddff1a323432c0790d61a8885f35af9e60cc7e76ad8f6d43e3f34 category: main optional: false - - name: snowballstemmer - version: 2.2.0 + - name: croniter + version: 2.0.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=2" - url: https://conda.anaconda.org/conda-forge/noarch/snowballstemmer-2.2.0-pyhd8ed1ab_0.tar.bz2 + python-dateutil: "" + python: ">=3.7" + pytz: ">2021.1" + url: https://conda.anaconda.org/conda-forge/noarch/croniter-2.0.1-pyhd8ed1ab_0.conda hash: - md5: 4d22a9315e78c6827f806065957d566e - sha256: a0fd916633252d99efb6223b1050202841fa8d2d53dacca564b0ed77249d3228 + md5: f67f52c1f555785b86c3bd8e5de4c66f + sha256: 0a39004b6e4ddff1a323432c0790d61a8885f35af9e60cc7e76ad8f6d43e3f34 category: main optional: false - - name: sortedcontainers - version: 2.4.0 + - name: cryptography + version: 41.0.5 manager: conda platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/sortedcontainers-2.4.0-pyhd8ed1ab_0.tar.bz2 + cffi: ">=1.12" + libgcc-ng: ">=12" + openssl: ">=3.1.4,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/cryptography-41.0.5-py311h63ff55d_0.conda hash: - md5: 6d6552722448103793743dabfbda532d - sha256: 0cea408397d50c2afb2d25e987ebac4546ae11e549d65b1403d80dc368dfaaa6 + md5: 22584e5c97ed8f1a6b63a0ff43dba827 + sha256: 236ed2218fb857fecaa11fc7fee23574f683b3d03576f8f26f628b7fd2ced5fa category: main optional: false - - name: soupsieve - version: "2.5" + - name: cryptography + version: 41.0.5 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/soupsieve-2.5-pyhd8ed1ab_1.conda - hash: - md5: 3f144b2c34f8cb5a9abd9ed23a39c561 - sha256: 54ae221033db8fbcd4998ccb07f3c3828b4d77e73b0c72b18c1d6a507059059c - category: main - optional: false - - name: sphinxcontrib-jsmath - version: 1.0.1 - manager: conda - platform: linux-64 - dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-jsmath-1.0.1-pyhd8ed1ab_0.conda + cffi: ">=1.12" + openssl: ">=3.1.4,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/cryptography-41.0.5-py311hd51016d_0.conda hash: - md5: da1d979339e2714c30a8e806a33ec087 - sha256: d4337d83b8edba688547766fc80f1ac86d6ec86ceeeda93f376acc04079c5ce2 + md5: 99f1edef251a9fe4edf620b527ee70ea + sha256: 26ee22b99771f0d338eca6299cbe866f695c544d855d5eab82539497b0a24fc1 category: main optional: false - - name: stringcase - version: 1.2.0 + - name: cryptography + version: 41.0.5 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/stringcase-1.2.0-py_0.tar.bz2 + cffi: ">=1.12" + openssl: ">=3.1.4,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/cryptography-41.0.5-py311h71175c2_0.conda hash: - md5: 26a9caf3173939377bac7152379daac0 - sha256: ebd515c57537799ee7829055fe9aa93d1c4695334b991fe1de9d7947f53f18f2 + md5: adc55f424334b834098d50e57efe0789 + sha256: 00c9b389b51b6e951a1f639aa04dceca9e329e144275c79b4f6baacd3fb90345 category: main optional: false - - name: tabulate - version: 0.9.0 + - name: cycler + version: 0.12.1 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tabulate-0.9.0-pyhd8ed1ab_1.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/cycler-0.12.1-pyhd8ed1ab_0.conda hash: - md5: 4759805cce2d914c38472f70bf4d8bcb - sha256: f6e4a0dd24ba060a4af69ca79d32361a6678e61d78c73eb5e357909b025b4620 + md5: 5cd86562580f274031ede6aa6aa24441 + sha256: f221233f21b1d06971792d491445fd548224641af9443739b4b7b6d5d72954a8 category: main optional: false - - name: text-unidecode - version: "1.3" + - name: cycler + version: 0.12.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/text-unidecode-1.3-pyhd8ed1ab_1.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/cycler-0.12.1-pyhd8ed1ab_0.conda hash: - md5: ba8aba332d8868897ce44ad74015a7fe - sha256: db64669a918dec8c744f80a85b9c82216b79298256c7c8bd19bdba54a02f8914 + md5: 5cd86562580f274031ede6aa6aa24441 + sha256: f221233f21b1d06971792d491445fd548224641af9443739b4b7b6d5d72954a8 category: main optional: false - - name: threadpoolctl - version: 3.2.0 + - name: cycler + version: 0.12.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/threadpoolctl-3.2.0-pyha21a80b_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/cycler-0.12.1-pyhd8ed1ab_0.conda hash: - md5: 978d03388b62173b8e6f79162cf52b86 - sha256: 15e2f916fbfe3cc480160aa99eb6ba3edc183fceb234f10151d63870fdc4eccd + md5: 5cd86562580f274031ede6aa6aa24441 + sha256: f221233f21b1d06971792d491445fd548224641af9443739b4b7b6d5d72954a8 category: main optional: false - - name: toml - version: 0.10.2 + - name: dagster + version: 1.5.9 manager: conda platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/toml-0.10.2-pyhd8ed1ab_0.tar.bz2 + alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" + click: ">=5.0" + coloredlogs: ">=6.1,<=14.0" + croniter: ">=0.3.34" + dagster-pipes: ">=1.5.9,<1.5.10.0a0" + docstring_parser: "" + grpcio: ">=1.44.0" + grpcio-health-checking: ">=1.44.0" + jinja2: "" + packaging: ">=20.9" + pendulum: <3 + protobuf: ">=3.20.0" + psutil: ">=1.0" + pydantic: ">1.10.0,!=1.10.7" + python: ">=3.8" + python-dateutil: "" + python-dotenv: "" + pytz: "" + pywin32-on-windows: "" + pyyaml: ">=5.1" + requests: "" + setuptools: "" + sqlalchemy: ">=1.0" + tabulate: "" + tomli: "" + toposort: ">=1.0" + tqdm: "" + typing_extensions: ">=4.4.0" + universal_pathlib: "" + watchdog: ">=0.8.3" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.9-pyhd8ed1ab_0.conda hash: - md5: f832c45a477c78bebd107098db465095 - sha256: f0f3d697349d6580e4c2f35ba9ce05c65dc34f9f049e85e45da03800b46139c1 + md5: d8ab27112f82687ffcd456a3b88092e5 + sha256: 238b08bf9afbc98405cb0c8c9845514da7b4b21aac5817c2b5f0de04e3a19b1b category: main optional: false - - name: tomli - version: 2.0.1 + - name: dagster + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tomli-2.0.1-pyhd8ed1ab_0.tar.bz2 + requests: "" + setuptools: "" + tqdm: "" + jinja2: "" + python-dateutil: "" + pytz: "" + tabulate: "" + tomli: "" + python-dotenv: "" + pywin32-on-windows: "" + docstring_parser: "" + universal_pathlib: "" + python: ">=3.8" + pyyaml: ">=5.1" + watchdog: ">=0.8.3" + packaging: ">=20.9" + click: ">=5.0" + typing_extensions: ">=4.4.0" + coloredlogs: ">=6.1,<=14.0" + croniter: ">=0.3.34" + toposort: ">=1.0" + psutil: ">=1.0" + sqlalchemy: ">=1.0" + grpcio-health-checking: ">=1.44.0" + protobuf: ">=3.20.0" + grpcio: ">=1.44.0" + alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" + pydantic: ">1.10.0,!=1.10.7" + pendulum: <3 + dagster-pipes: ">=1.5.9,<1.5.10.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 5844808ffab9ebdb694585b50ba02a96 - sha256: 4cd48aba7cd026d17e86886af48d0d2ebc67ed36f87f6534f4b67138f5a5a58f + md5: d8ab27112f82687ffcd456a3b88092e5 + sha256: 238b08bf9afbc98405cb0c8c9845514da7b4b21aac5817c2b5f0de04e3a19b1b category: main optional: false - - name: tomlkit - version: 0.12.3 + - name: dagster + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tomlkit-0.12.3-pyha770c72_0.conda + requests: "" + setuptools: "" + tqdm: "" + jinja2: "" + python-dateutil: "" + pytz: "" + tabulate: "" + tomli: "" + python-dotenv: "" + pywin32-on-windows: "" + docstring_parser: "" + universal_pathlib: "" + python: ">=3.8" + pyyaml: ">=5.1" + watchdog: ">=0.8.3" + packaging: ">=20.9" + click: ">=5.0" + typing_extensions: ">=4.4.0" + coloredlogs: ">=6.1,<=14.0" + croniter: ">=0.3.34" + toposort: ">=1.0" + psutil: ">=1.0" + sqlalchemy: ">=1.0" + grpcio-health-checking: ">=1.44.0" + protobuf: ">=3.20.0" + grpcio: ">=1.44.0" + alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" + pydantic: ">1.10.0,!=1.10.7" + pendulum: <3 + dagster-pipes: ">=1.5.9,<1.5.10.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 074d0ce7a6261ab8b497c3518796ef3e - sha256: 53cc436ab92d38683df1320e4468a8b978428e800195bf1c8c2460e90b0bc117 + md5: d8ab27112f82687ffcd456a3b88092e5 + sha256: 238b08bf9afbc98405cb0c8c9845514da7b4b21aac5817c2b5f0de04e3a19b1b category: main optional: false - - name: toolz - version: 0.12.0 + - name: dagster-graphql + version: 1.5.9 manager: conda platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/toolz-0.12.0-pyhd8ed1ab_0.tar.bz2 + dagster: ">=1.5.9,<1.5.10.0a0" + gql-with-requests: ">=3.0.0" + graphene: ">=3" + python: ">=3.8" + requests: "" + starlette: "" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 92facfec94bc02d6ccf42e7173831a36 - sha256: 90229da7665175b0185183ab7b53f50af487c7f9b0f47cf09c184cbc139fd24b - category: main - optional: false - - name: toposort - version: "1.10" + md5: 7dcd105a5451f9800aa6de278d86db72 + sha256: 8484c6b0db1a3505fc7d16e83e0da75b9c886ae3d497266fd06f72fcd3246786 + category: dev + optional: true + - name: dagster-graphql + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: + requests: "" + starlette: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/toposort-1.10-pyhd8ed1ab_0.conda + graphene: ">=3" + gql-with-requests: ">=3.0.0" + dagster: ">=1.5.9,<1.5.10.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.9-pyhd8ed1ab_0.conda hash: - md5: aeef653e20028f19a3c2cc70e166b509 - sha256: 23589eeb84f55c9f245ffca1201a0dc9b16e838d39fe7857d4bd0e3026e5b75a - category: main - optional: false - - name: tornado - version: 6.3.3 + md5: 7dcd105a5451f9800aa6de278d86db72 + sha256: 8484c6b0db1a3505fc7d16e83e0da75b9c886ae3d497266fd06f72fcd3246786 + category: dev + optional: true + - name: dagster-graphql + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/tornado-6.3.3-py311h459d7ec_1.conda - hash: - md5: a700fcb5cedd3e72d0c75d095c7a6eda - sha256: 3f0640415c6f50c6b31b5ce41a870ac48c130fda8921aae11afea84c54a6ba84 - category: main - optional: false - - name: traitlets - version: 5.13.0 + requests: "" + starlette: "" + python: ">=3.8" + graphene: ">=3" + gql-with-requests: ">=3.0.0" + dagster: ">=1.5.9,<1.5.10.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.9-pyhd8ed1ab_0.conda + hash: + md5: 7dcd105a5451f9800aa6de278d86db72 + sha256: 8484c6b0db1a3505fc7d16e83e0da75b9c886ae3d497266fd06f72fcd3246786 + category: dev + optional: true + - name: dagster-pipes + version: 1.5.9 manager: conda platform: linux-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 8a9953c15e1e5a7c1baddbbf4511a567 - sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 + md5: 0a9787859365c4d2425e589ac53c462b + sha256: eebc7dca517350678ebfb8b3fff7ec47c60aff62dae2e69b8c4845b6080ec3e8 category: main optional: false - - name: types-python-dateutil - version: 2.8.19.14 + - name: dagster-pipes + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/types-python-dateutil-2.8.19.14-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 4df15c51a543e806d439490b862be1c6 - sha256: 7b0129c72d371fa7a06ed5dd1d701844c20d03bb4641a38a88a982b347d087e2 + md5: 0a9787859365c4d2425e589ac53c462b + sha256: eebc7dca517350678ebfb8b3fff7ec47c60aff62dae2e69b8c4845b6080ec3e8 category: main optional: false - - name: types-pyyaml - version: 6.0.12.12 + - name: dagster-pipes + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/types-pyyaml-6.0.12.12-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 0cb14c80f66937df894d60626dd1921f - sha256: 91873f91a58337d0573584bcdc540ff5545bc460eda0fdd8bd2f471c808c0e4c + md5: 0a9787859365c4d2425e589ac53c462b + sha256: eebc7dca517350678ebfb8b3fff7ec47c60aff62dae2e69b8c4845b6080ec3e8 category: main optional: false - - name: typing_extensions - version: 4.8.0 + - name: dagster-postgres + version: 0.21.9 manager: conda platform: linux-64 dependencies: + dagster: 1.5.9.* + psycopg2-binary: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/typing_extensions-4.8.0-pyha770c72_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.9-pyhd8ed1ab_0.conda hash: - md5: 5b1be40a26d10a06f6d4f1f9e19fa0c7 - sha256: 38d16b5c53ec1af845d37d22e7bb0e6c934c7f19499123507c5a470f6f8b7dde + md5: 18c5dd009bd4d99ec38003583134c9fc + sha256: 83ad5a4eca4698b1258398bcd405665bbd8e41464124221cf477bb78bdc22100 category: main optional: false - - name: typing_utils - version: 0.1.0 + - name: dagster-postgres + version: 0.21.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/typing_utils-0.1.0-pyhd8ed1ab_0.tar.bz2 + psycopg2-binary: "" + python: ">=3.8" + dagster: 1.5.9.* + url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.9-pyhd8ed1ab_0.conda hash: - md5: eb67e3cace64c66233e2d35949e20f92 - sha256: 9e3758b620397f56fb709f796969de436d63b7117897159619b87938e1f78739 + md5: 18c5dd009bd4d99ec38003583134c9fc + sha256: 83ad5a4eca4698b1258398bcd405665bbd8e41464124221cf477bb78bdc22100 category: main optional: false - - name: unicodecsv - version: 0.14.1 + - name: dagster-postgres + version: 0.21.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/unicodecsv-0.14.1-py_1.tar.bz2 + psycopg2-binary: "" + python: ">=3.8" + dagster: 1.5.9.* + url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.9-pyhd8ed1ab_0.conda hash: - md5: 3b2b0e9d7f73db2b5e45db113badb7f7 - sha256: 4bbf3579d57036725562ccc11c57bc487f1eb5c14c138a6881d10f34c2f04237 + md5: 18c5dd009bd4d99ec38003583134c9fc + sha256: 83ad5a4eca4698b1258398bcd405665bbd8e41464124221cf477bb78bdc22100 category: main optional: false - - name: uri-template - version: 1.3.0 + - name: dagster-webserver + version: 1.5.9 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/uri-template-1.3.0-pyhd8ed1ab_0.conda + click: ">=7.0,<9.0" + dagster: ">=1.5.9,<1.5.10.0a0" + dagster-graphql: ">=1.5.9,<1.5.10.0a0" + python: ">=3.8" + starlette: "" + uvicorn-standard: "" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 0944dc65cb4a9b5b68522c3bb585d41c - sha256: b76904b53721dc88a46352324c79d2b077c2f74a9f7208ad2c4249892669ae94 - category: main - optional: false - - name: uvloop - version: 0.19.0 + md5: 880fa7acdbf3494cef45759bb866bb63 + sha256: 2fce08b607d97f72d7452350a0c917d96419074381bf8791ebe116ec3a57b8f4 + category: dev + optional: true + - name: dagster-webserver + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - __glibc: ">=2.17,<3.0.a0" - libgcc-ng: ">=12" - libuv: ">=1.46.0,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/uvloop-0.19.0-py311h460e60f_0.conda + starlette: "" + uvicorn-standard: "" + python: ">=3.8" + click: ">=7.0,<9.0" + dagster: ">=1.5.9,<1.5.10.0a0" + dagster-graphql: ">=1.5.9,<1.5.10.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 671712f2371367c4df72dcba03ef6b82 - sha256: 5748b7c33b7e3238c3f8fce654e1f5ad4877da04e8f30bd3c26c59ae7bfdcd92 + md5: 880fa7acdbf3494cef45759bb866bb63 + sha256: 2fce08b607d97f72d7452350a0c917d96419074381bf8791ebe116ec3a57b8f4 category: dev optional: true - - name: validators - version: 0.22.0 + - name: dagster-webserver + version: 1.5.9 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: + starlette: "" + uvicorn-standard: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/validators-0.22.0-pyhd8ed1ab_0.conda + click: ">=7.0,<9.0" + dagster: ">=1.5.9,<1.5.10.0a0" + dagster-graphql: ">=1.5.9,<1.5.10.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.9-pyhd8ed1ab_0.conda hash: - md5: 56435633ef70e7b92c54151599cbf757 - sha256: f30699fd1a76cf3291e042167f8dc8dd28e00e08e49047a353304c7ad7bc279d - category: main - optional: false - - name: webcolors - version: "1.13" + md5: 880fa7acdbf3494cef45759bb866bb63 + sha256: 2fce08b607d97f72d7452350a0c917d96419074381bf8791ebe116ec3a57b8f4 + category: dev + optional: true + - name: dask-core + version: 2023.11.0 manager: conda platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/webcolors-1.13-pyhd8ed1ab_0.conda + click: ">=8.1" + cloudpickle: ">=1.5.0" + fsspec: ">=2021.09.0" + importlib_metadata: ">=4.13.0" + packaging: ">=20.0" + partd: ">=1.2.0" + python: ">=3.9" + pyyaml: ">=5.3.1" + toolz: ">=0.10.0" + url: https://conda.anaconda.org/conda-forge/noarch/dask-core-2023.11.0-pyhd8ed1ab_0.conda hash: - md5: 166212fe82dad8735550030488a01d03 - sha256: 6e097d5fe92849ad3af2c2a313771ad2fbf1cadd4dc4afd552303b2bf3f85211 + md5: 3bf8f5c3fbab9e0cfffdf5914f021854 + sha256: f23b4e5d8f118d9d7916d8def04dab9a299d73879216da72dd7168c1c30ecb9e category: main optional: false - - name: webencodings - version: 0.5.1 + - name: dask-core + version: 2023.11.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=2.6" - url: https://conda.anaconda.org/conda-forge/noarch/webencodings-0.5.1-pyhd8ed1ab_2.conda + python: ">=3.9" + packaging: ">=20.0" + pyyaml: ">=5.3.1" + cloudpickle: ">=1.5.0" + toolz: ">=0.10.0" + partd: ">=1.2.0" + importlib_metadata: ">=4.13.0" + fsspec: ">=2021.09.0" + click: ">=8.1" + url: https://conda.anaconda.org/conda-forge/noarch/dask-core-2023.11.0-pyhd8ed1ab_0.conda hash: - md5: daf5160ff9cde3a468556965329085b9 - sha256: 2adf9bd5482802837bc8814cbe28d7b2a4cbd2e2c52e381329eaa283b3ed1944 + md5: 3bf8f5c3fbab9e0cfffdf5914f021854 + sha256: f23b4e5d8f118d9d7916d8def04dab9a299d73879216da72dd7168c1c30ecb9e category: main optional: false - - name: websocket-client - version: 1.6.4 + - name: dask-core + version: 2023.11.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/websocket-client-1.6.4-pyhd8ed1ab_0.conda + python: ">=3.9" + packaging: ">=20.0" + pyyaml: ">=5.3.1" + cloudpickle: ">=1.5.0" + toolz: ">=0.10.0" + partd: ">=1.2.0" + importlib_metadata: ">=4.13.0" + fsspec: ">=2021.09.0" + click: ">=8.1" + url: https://conda.anaconda.org/conda-forge/noarch/dask-core-2023.11.0-pyhd8ed1ab_0.conda hash: - md5: bdb77b28cf16deac0eef431a068320e8 - sha256: df45b89862edcd7cd5180ec7b8c0c0ca9fb4d3f7d49ddafccdc76afcf50d8da6 + md5: 3bf8f5c3fbab9e0cfffdf5914f021854 + sha256: f23b4e5d8f118d9d7916d8def04dab9a299d73879216da72dd7168c1c30ecb9e category: main optional: false - - name: websockets - version: "10.4" - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/websockets-10.4-py311hd4cff14_1.tar.bz2 - hash: - md5: ff58b7e4d10dd88e679cf86988d3fbfb - sha256: 00eb760d18e1c60b0bdc5e6c36af03050820c870057423681bd44b75c3577458 - category: dev - optional: true - - name: wheel - version: 0.41.3 + - name: dataclasses + version: "0.8" manager: conda platform: linux-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/wheel-0.41.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dataclasses-0.8-pyhc8e2a94_3.tar.bz2 hash: - md5: 3fc026b9c87d091c4b34a6c997324ae8 - sha256: 84c3b57fba778add2bd47b7cc70e86f746d2c55549ffd2ccb6f3d6bf7c94d21d + md5: a362b2124b06aad102e2ee4581acee7d + sha256: 63a83e62e0939bc1ab32de4ec736f6403084198c4639638b354a352113809c92 category: main optional: false - - name: widgetsnbextension - version: 4.0.9 + - name: dataclasses + version: "0.8" manager: conda - platform: linux-64 + platform: osx-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/widgetsnbextension-4.0.9-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dataclasses-0.8-pyhc8e2a94_3.tar.bz2 hash: - md5: 82617d07b2f5f5a96296d3c19684b37a - sha256: 35dd47b3c117cd759ac46da0b69064bebccd94862e795615ee65dbbe3e6cd86b + md5: a362b2124b06aad102e2ee4581acee7d + sha256: 63a83e62e0939bc1ab32de4ec736f6403084198c4639638b354a352113809c92 category: main optional: false - - name: wrapt - version: 1.16.0 + - name: dataclasses + version: "0.8" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/wrapt-1.16.0-py311h459d7ec_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/dataclasses-0.8-pyhc8e2a94_3.tar.bz2 hash: - md5: 6669b5529d206c1f880b642cdd17ae05 - sha256: 6587e0b7d42368f767172b239a755fcf6363d91348faf9b7ab5743585369fc58 + md5: a362b2124b06aad102e2ee4581acee7d + sha256: 63a83e62e0939bc1ab32de4ec736f6403084198c4639638b354a352113809c92 category: main optional: false - - name: xlrd - version: 2.0.1 + - name: datapackage + version: 1.15.2 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/xlrd-2.0.1-pyhd8ed1ab_3.tar.bz2 + cchardet: ">=1.0" + click: ">=6.7" + jsonpointer: ">=1.10" + jsonschema: ">=2.5" + python: "" + requests: ">=2.8" + six: ">=1.10" + tableschema: ">=1.1.0" + tabulator: ">=1.24.2" + unicodecsv: ">=0.14" + url: https://conda.anaconda.org/conda-forge/noarch/datapackage-1.15.2-pyh44b312d_0.tar.bz2 hash: - md5: 97dfcd5ff030d829b55f67e82f928093 - sha256: a97030fc6cde1a335c035392db47efdb4add7d1db76a11b4bfac6ec7fc42bfe5 + md5: 3f1a6895ab9c423cf59de7c46e56a824 + sha256: 3344e3c1ea6a1925504f7cbfba6f4be6521465baa2de6bac86769528ea1c3d0d category: main optional: false - - name: xlsxwriter - version: 3.1.9 + - name: datapackage + version: 1.15.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/xlsxwriter-3.1.9-pyhd8ed1ab_0.conda + python: "" + six: ">=1.10" + jsonschema: ">=2.5" + unicodecsv: ">=0.14" + requests: ">=2.8" + click: ">=6.7" + cchardet: ">=1.0" + jsonpointer: ">=1.10" + tableschema: ">=1.1.0" + tabulator: ">=1.24.2" + url: https://conda.anaconda.org/conda-forge/noarch/datapackage-1.15.2-pyh44b312d_0.tar.bz2 hash: - md5: 70e533db62a710ae216fdaccc4a983c8 - sha256: 96f04c1aa99d3a90319979079cfe0f17ecea2bf0d67ca07c12d210af355a5d1d + md5: 3f1a6895ab9c423cf59de7c46e56a824 + sha256: 3344e3c1ea6a1925504f7cbfba6f4be6521465baa2de6bac86769528ea1c3d0d category: main optional: false - - name: xorg-libxext - version: 1.3.4 + - name: datapackage + version: 1.15.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - xorg-libx11: ">=1.7.2,<2.0a0" - xorg-xextproto: "" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxext-1.3.4-h0b41bf4_2.conda + python: "" + six: ">=1.10" + jsonschema: ">=2.5" + unicodecsv: ">=0.14" + requests: ">=2.8" + click: ">=6.7" + cchardet: ">=1.0" + jsonpointer: ">=1.10" + tableschema: ">=1.1.0" + tabulator: ">=1.24.2" + url: https://conda.anaconda.org/conda-forge/noarch/datapackage-1.15.2-pyh44b312d_0.tar.bz2 hash: - md5: 82b6df12252e6f32402b96dacc656fec - sha256: 73e5cfbdff41ef8a844441f884412aa5a585a0f0632ec901da035a03e1fe1249 + md5: 3f1a6895ab9c423cf59de7c46e56a824 + sha256: 3344e3c1ea6a1925504f7cbfba6f4be6521465baa2de6bac86769528ea1c3d0d category: main optional: false - - name: xorg-libxrender - version: 0.9.11 + - name: datasette + version: 0.64.4 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - xorg-libx11: ">=1.8.6,<2.0a0" - xorg-renderproto: "" - url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxrender-0.9.11-hd590300_0.conda + aiofiles: ">=0.4" + asgi-csrf: ">=0.9" + asgiref: ">=3.2.10" + click: ">=7.1.1" + click-default-group-wheel: ">=1.2.2" + httpx: ">=0.20" + hupper: ">=1.9" + itsdangerous: ">=1.1" + janus: ">=0.6.2" + jinja2: ">=2.10.3" + mergedeep: ">=1.1.1" + pint: ">=0.9" + pip: "" + pluggy: ">=1.0" + python: ">=3.7" + pyyaml: ">=5.3" + setuptools: "" + uvicorn: ">=0.11" + url: https://conda.anaconda.org/conda-forge/noarch/datasette-0.64.4-pyhd8ed1ab_1.conda hash: - md5: ed67c36f215b310412b2af935bf3e530 - sha256: 26da4d1911473c965c32ce2b4ff7572349719eaacb88a066db8d968a4132c3f7 + md5: cd1207af03052f6b81906e1a914ad3c5 + sha256: 8800f86ec23a31ad642a1467d0a8f343038c7e2237a1f9046493ad1868ceb441 category: main optional: false - - name: xyzservices - version: 2023.10.1 + - name: datasette + version: 0.64.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/xyzservices-2023.10.1-pyhd8ed1ab_0.conda + setuptools: "" + pip: "" + python: ">=3.7" + pyyaml: ">=5.3" + jinja2: ">=2.10.3" + click: ">=7.1.1" + pint: ">=0.9" + httpx: ">=0.20" + asgi-csrf: ">=0.9" + itsdangerous: ">=1.1" + click-default-group-wheel: ">=1.2.2" + hupper: ">=1.9" + uvicorn: ">=0.11" + pluggy: ">=1.0" + aiofiles: ">=0.4" + asgiref: ">=3.2.10" + janus: ">=0.6.2" + mergedeep: ">=1.1.1" + url: https://conda.anaconda.org/conda-forge/noarch/datasette-0.64.4-pyhd8ed1ab_1.conda hash: - md5: 1e0d85c0e2fef9539218da185b285f54 - sha256: da655e2e0a742fddefeeaf2dd828b62a1820a3755d13341e1a555a10fcb9cf81 + md5: cd1207af03052f6b81906e1a914ad3c5 + sha256: 8800f86ec23a31ad642a1467d0a8f343038c7e2237a1f9046493ad1868ceb441 category: main optional: false - - name: zipp - version: 3.17.0 + - name: datasette + version: 0.64.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/zipp-3.17.0-pyhd8ed1ab_0.conda + setuptools: "" + pip: "" + python: ">=3.7" + pyyaml: ">=5.3" + jinja2: ">=2.10.3" + click: ">=7.1.1" + pint: ">=0.9" + httpx: ">=0.20" + asgi-csrf: ">=0.9" + itsdangerous: ">=1.1" + click-default-group-wheel: ">=1.2.2" + hupper: ">=1.9" + uvicorn: ">=0.11" + pluggy: ">=1.0" + aiofiles: ">=0.4" + asgiref: ">=3.2.10" + janus: ">=0.6.2" + mergedeep: ">=1.1.1" + url: https://conda.anaconda.org/conda-forge/noarch/datasette-0.64.4-pyhd8ed1ab_1.conda hash: - md5: 2e4d6bc0b14e10f895fc6791a7d9b26a - sha256: bced1423fdbf77bca0a735187d05d9b9812d2163f60ab426fc10f11f92ecbe26 + md5: cd1207af03052f6b81906e1a914ad3c5 + sha256: 8800f86ec23a31ad642a1467d0a8f343038c7e2237a1f9046493ad1868ceb441 category: main optional: false - - name: aiosignal - version: 1.3.1 + - name: dbus + version: 1.13.6 manager: conda platform: linux-64 dependencies: - frozenlist: ">=1.1.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/aiosignal-1.3.1-pyhd8ed1ab_0.tar.bz2 + expat: ">=2.4.2,<3.0a0" + libgcc-ng: ">=9.4.0" + libglib: ">=2.70.2,<3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/dbus-1.13.6-h5008d03_3.tar.bz2 hash: - md5: d1e1eb7e21a9e2c74279d87dafb68156 - sha256: 575c742e14c86575986dc867463582a970463da50b77264cdf54df74f5563783 + md5: ecfff944ba3960ecb334b9a2663d708d + sha256: 8f5f995699a2d9dbdd62c61385bfeeb57c82a681a7c8c5313c395aa0ccab68a5 category: main optional: false - - name: anyio - version: 4.0.0 + - name: debugpy + version: 1.8.0 manager: conda platform: linux-64 dependencies: - exceptiongroup: "" - idna: ">=2.8" - python: ">=3.8" - sniffio: ">=1.1" - url: https://conda.anaconda.org/conda-forge/noarch/anyio-4.0.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/debugpy-1.8.0-py311hb755f60_1.conda hash: - md5: 3c4e99d3ae4ec033d4dd99fb5220e540 - sha256: 64125775b2e724db5c72e431dd180495d5d509d0a2d1228a122e6af9f1b60e33 + md5: 2c241533b8eafe8028442d46ef41eb13 + sha256: f18492ebfaea54bbbeaec0ae207851f711ff589f60f2cc9b8a689f88b2442171 category: main optional: false - - name: asgi-csrf - version: "0.9" + - name: debugpy + version: 1.8.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - itsdangerous: "" - python: ">=3.6" - python-multipart: "" - url: https://conda.anaconda.org/conda-forge/noarch/asgi-csrf-0.9-pyhd8ed1ab_0.tar.bz2 + libcxx: ">=15.0.7" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/debugpy-1.8.0-py311hdf8f085_1.conda hash: - md5: eae21b40ce9beded0ce0e5c67180b1e7 - sha256: 9e8d86083dac575490045e570147ff44879aa8412dafa04cff3e539f77eb263f + md5: 7f20ef8a63be62d1bcdaa8136ec09647 + sha256: 93e94c9077b13f3dde47794bb6ca02f9c3174c794edf889158306a54764a075c category: main optional: false - - name: asgiref - version: 3.7.2 + - name: debugpy + version: 1.8.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing_extensions: ">=4" - url: https://conda.anaconda.org/conda-forge/noarch/asgiref-3.7.2-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/debugpy-1.8.0-py311ha891d26_1.conda hash: - md5: 596932155bf88bb6837141550cb721b0 - sha256: 63f85717fd38912a69be5a03d35a648c404cb86843cd4a1302c380c0e7744e30 + md5: 575b875f1e7901213e9a0f44db9deccc + sha256: a7c3b4abf2d3d5256be7e891e76c86dd52e3893e9495d468e3c95e82932b9d7b category: main optional: false - - name: asttokens - version: 2.4.1 + - name: decorator + version: 5.1.1 manager: conda platform: linux-64 dependencies: python: ">=3.5" - six: ">=1.12.0" - url: https://conda.anaconda.org/conda-forge/noarch/asttokens-2.4.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/decorator-5.1.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5f25798dcefd8252ce5f9dc494d5f571 - sha256: 708168f026df19a0344983754d27d1f7b28bb21afc7b97a82f02c4798a3d2111 + md5: 43afe5ab04e35e17ba28649471dd7364 + sha256: 328a6a379f9bdfd0230e51de291ce858e6479411ea4b0545fb377c71662ef3e2 category: main optional: false - - name: async-lru - version: 2.0.4 + - name: decorator + version: 5.1.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - typing_extensions: ">=4.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/async-lru-2.0.4-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/decorator-5.1.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3d081de3a6ea9f894bbb585e8e3a4dcb - sha256: 7ed83731979fe5b046c157730e50af0e24454468bbba1ed8fc1a3107db5d7518 + md5: 43afe5ab04e35e17ba28649471dd7364 + sha256: 328a6a379f9bdfd0230e51de291ce858e6479411ea4b0545fb377c71662ef3e2 category: main optional: false - - name: aws-c-auth - version: 0.7.7 + - name: decorator + version: 5.1.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-auth-0.7.7-h37ad1db_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/decorator-5.1.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: c66539c2b4f100003e7dbba698585f00 - sha256: 2dd3dd679d242ef644271891916e8153ee5ec87cb94a2c9036b35d8760ceaca2 + md5: 43afe5ab04e35e17ba28649471dd7364 + sha256: 328a6a379f9bdfd0230e51de291ce858e6479411ea4b0545fb377c71662ef3e2 category: main optional: false - - name: aws-c-mqtt - version: 0.9.9 + - name: defusedxml + version: 0.7.1 manager: conda platform: linux-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-mqtt-0.9.9-h1387108_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/defusedxml-0.7.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: d03181571be036cfbe7accf52256efe7 - sha256: 1df6ad0f5db319090718f5d4575b8829ff5aa5b663c8580e191fa9005e71072d + md5: 961b3a227b437d82ad7054484cfa71b2 + sha256: 9717a059677553562a8f38ff07f3b9f61727bd614f505658b0a5ecbcf8df89be category: main optional: false - - name: babel - version: 2.13.1 + - name: defusedxml + version: 0.7.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7" - pytz: "" - setuptools: "" - url: https://conda.anaconda.org/conda-forge/noarch/babel-2.13.1-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/defusedxml-0.7.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3ccff479c246692468f604df9c85ef26 - sha256: 1f955c700db16f65b16c9e9c1613436480d5497970b8030b7a9ebe1620cc2147 + md5: 961b3a227b437d82ad7054484cfa71b2 + sha256: 9717a059677553562a8f38ff07f3b9f61727bd614f505658b0a5ecbcf8df89be category: main optional: false - - name: backports.functools_lru_cache - version: 1.6.5 + - name: defusedxml + version: 0.7.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - backports: "" python: ">=3.6" - setuptools: "" - url: https://conda.anaconda.org/conda-forge/noarch/backports.functools_lru_cache-1.6.5-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/defusedxml-0.7.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6b1b907661838a75d067a22f87996b2e - sha256: 7027bb689dd4ca4a08e3b25805de9d04239be6b31125993558f21f102a9d2700 + md5: 961b3a227b437d82ad7054484cfa71b2 + sha256: 9717a059677553562a8f38ff07f3b9f61727bd614f505658b0a5ecbcf8df89be category: main optional: false - - name: beautifulsoup4 - version: 4.12.2 + - name: distlib + version: 0.3.7 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - soupsieve: ">=1.2" - url: https://conda.anaconda.org/conda-forge/noarch/beautifulsoup4-4.12.2-pyha770c72_0.conda + python: 2.7|>=3.6 + url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda hash: - md5: a362ff7d976217f8fa78c0f1c4f59717 - sha256: 52d3e6bcd442537e22699cd227d8fdcfd54b708eeb8ee5b4c671a6a9b9cd74da + md5: 12d8aae6994f342618443a8f05c652a0 + sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 category: main optional: false - - name: bleach - version: 6.1.0 + - name: distlib + version: 0.3.7 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - packaging: "" - python: ">=3.6" - setuptools: "" - six: ">=1.9.0" - webencodings: "" - url: https://conda.anaconda.org/conda-forge/noarch/bleach-6.1.0-pyhd8ed1ab_0.conda + python: 2.7|>=3.6 + url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda hash: - md5: 0ed9d7c0e9afa7c025807a9a8136ea3e - sha256: 845e77ef495376c5c3c328ccfd746ca0ef1978150cae8eae61a300fe7755fb08 + md5: 12d8aae6994f342618443a8f05c652a0 + sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 category: main optional: false - - name: cached-property - version: 1.5.2 + - name: distlib + version: 0.3.7 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - cached_property: ">=1.5.2,<1.5.3.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/cached-property-1.5.2-hd8ed1ab_1.tar.bz2 + python: 2.7|>=3.6 + url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda hash: - md5: 9b347a7ec10940d3f7941ff6c460b551 - sha256: 561e6660f26c35d137ee150187d89767c988413c978e1b712d53f27ddf70ea17 + md5: 12d8aae6994f342618443a8f05c652a0 + sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 category: main optional: false - - name: cairo - version: 1.18.0 + - name: dnspython + version: 2.4.2 manager: conda platform: linux-64 dependencies: - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - icu: ">=73.2,<74.0a0" - libgcc-ng: ">=12" - libglib: ">=2.78.0,<3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libstdcxx-ng: ">=12" - libxcb: ">=1.15,<1.16.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - pixman: ">=0.42.2,<1.0a0" - xorg-libice: ">=1.1.1,<2.0a0" - xorg-libsm: ">=1.2.4,<2.0a0" - xorg-libx11: ">=1.8.6,<2.0a0" - xorg-libxext: ">=1.3.4,<2.0a0" - xorg-libxrender: ">=0.9.11,<0.10.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/cairo-1.18.0-h3faef2a_0.conda + cryptography: ">=2.6,<42.0" + httpcore: ">=0.17.3" + idna: ">=2.1,<4.0" + python: ">=3.8.0,<4.0.0" + sniffio: "" + url: https://conda.anaconda.org/conda-forge/noarch/dnspython-2.4.2-pyhd8ed1ab_1.conda hash: - md5: f907bb958910dc404647326ca80c263e - sha256: 142e2639a5bc0e99c44d76f4cc8dce9c6a2d87330c4beeabb128832cd871a86e + md5: b9657eab1e69207feba4f21fa1207b03 + sha256: eb7de9ddc2c3a5aef78d6c74d2652ada0e1d47e11304953e65b3c7dfd8290f18 category: main optional: false - - name: cffi - version: 1.16.0 + - name: dnspython + version: 2.4.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libffi: ">=3.4,<4.0a0" - libgcc-ng: ">=12" - pycparser: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/cffi-1.16.0-py311hb3a22ac_0.conda + sniffio: "" + python: ">=3.8.0,<4.0.0" + cryptography: ">=2.6,<42.0" + httpcore: ">=0.17.3" + idna: ">=2.1,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/dnspython-2.4.2-pyhd8ed1ab_1.conda hash: - md5: b3469563ac5e808b0cd92810d0697043 - sha256: b71c94528ca0c35133da4b7ef69b51a0b55eeee570376057f3d2ad60c3ab1444 + md5: b9657eab1e69207feba4f21fa1207b03 + sha256: eb7de9ddc2c3a5aef78d6c74d2652ada0e1d47e11304953e65b3c7dfd8290f18 category: main optional: false - - name: cfitsio - version: 4.3.0 + - name: dnspython + version: 2.4.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libcurl: ">=8.2.0,<9.0a0" - libgcc-ng: ">=12" - libgfortran-ng: "" - libgfortran5: ">=12.3.0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/cfitsio-4.3.0-hbdc6101_0.conda + sniffio: "" + python: ">=3.8.0,<4.0.0" + cryptography: ">=2.6,<42.0" + httpcore: ">=0.17.3" + idna: ">=2.1,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/dnspython-2.4.2-pyhd8ed1ab_1.conda hash: - md5: 797554b8b7603011e8677884381fbcc5 - sha256: c74938f1ade9b8f37b9fa8cc98a5b9262b325506f41d7492ad1d00146e0f1d08 + md5: b9657eab1e69207feba4f21fa1207b03 + sha256: eb7de9ddc2c3a5aef78d6c74d2652ada0e1d47e11304953e65b3c7dfd8290f18 category: main optional: false - - name: click-default-group - version: 1.2.4 + - name: doc8 + version: 1.1.1 manager: conda platform: linux-64 dependencies: - click: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-1.2.4-pyhd8ed1ab_0.conda + docutils: ">=0.19,<0.21" + pygments: "" + python: ">=3.8" + restructuredtext_lint: ">=0.7" + stevedore: "" + tomli: "" + url: https://conda.anaconda.org/conda-forge/noarch/doc8-1.1.1-pyhd8ed1ab_0.conda hash: - md5: 7c2b6931f9b3548ed78478332095c3e9 - sha256: b36e35d735ddd29d7c592eb3de4b3979e13a9f76f1b4bc939f2cb4402758d6d0 + md5: 5e9e17751f19d03c4034246de428582e + sha256: 00691538e6289b7947cabc2024f08883b3e2ded00369c68de7d67677e9d4c250 category: main optional: false - - name: click-default-group-wheel - version: 1.2.2 + - name: doc8 + version: 1.1.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - click: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-wheel-1.2.2-pyhd8ed1ab_0.tar.bz2 + pygments: "" + tomli: "" + stevedore: "" + python: ">=3.8" + restructuredtext_lint: ">=0.7" + docutils: ">=0.19,<0.21" + url: https://conda.anaconda.org/conda-forge/noarch/doc8-1.1.1-pyhd8ed1ab_0.conda hash: - md5: 2228f2640491b5e9c03b6f6346cba887 - sha256: 3a4d5c96f5375715aec9b8b7639c5a401a90dc1019d24288e4e9494148a640ee + md5: 5e9e17751f19d03c4034246de428582e + sha256: 00691538e6289b7947cabc2024f08883b3e2ded00369c68de7d67677e9d4c250 category: main optional: false - - name: click-plugins + - name: doc8 version: 1.1.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - click: ">=3.0" - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/click-plugins-1.1.1-py_0.tar.bz2 - hash: - md5: 4fd2c6b53934bd7d96d1f3fdaf99b79f - sha256: ddef6e559dde6673ee504b0e29dd814d36e22b6b9b1f519fa856ee268905bf92 + pygments: "" + tomli: "" + stevedore: "" + python: ">=3.8" + restructuredtext_lint: ">=0.7" + docutils: ">=0.19,<0.21" + url: https://conda.anaconda.org/conda-forge/noarch/doc8-1.1.1-pyhd8ed1ab_0.conda + hash: + md5: 5e9e17751f19d03c4034246de428582e + sha256: 00691538e6289b7947cabc2024f08883b3e2ded00369c68de7d67677e9d4c250 category: main optional: false - - name: cligj - version: 0.7.2 + - name: docstring_parser + version: "0.15" manager: conda platform: linux-64 dependencies: - click: ">=4.0" - python: <4.0 - url: https://conda.anaconda.org/conda-forge/noarch/cligj-0.7.2-pyhd8ed1ab_1.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/docstring_parser-0.15-pyhd8ed1ab_0.conda hash: - md5: a29b7c141d6b2de4bb67788a5f107734 - sha256: 97bd58f0cfcff56a0bcda101e26f7d936625599325beba3e3a1fa512dd7fc174 + md5: 031fcb28b8e80c1f7bec22ccdf4904b2 + sha256: 9b22e1f1d0decc26cc0743ce929e1a7e233fd7921d1b5c390db0691b8042a706 category: main optional: false - - name: clikit - version: 0.6.2 + - name: docstring_parser + version: "0.15" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - pastel: ">=0.2.0,<0.3.0" - pylev: ">=1.3,<2.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/clikit-0.6.2-pyhd8ed1ab_2.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/docstring_parser-0.15-pyhd8ed1ab_0.conda hash: - md5: 02abb7b66b02e8b9f5a9b05454400087 - sha256: 2d582bc15d9116ec5467b565fb87d9034c8b56f60943e8eb69407f55f1ab5a78 + md5: 031fcb28b8e80c1f7bec22ccdf4904b2 + sha256: 9b22e1f1d0decc26cc0743ce929e1a7e233fd7921d1b5c390db0691b8042a706 category: main optional: false - - name: coloredlogs - version: "14.0" + - name: docstring_parser + version: "0.15" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - humanfriendly: ">=7.1" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/coloredlogs-14.0-pyhd8ed1ab_3.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/docstring_parser-0.15-pyhd8ed1ab_0.conda hash: - md5: 6b92f390b198cb631c95fd37097098c8 - sha256: 703557fb1bde384b34cd8b1aa88c485e8900f83420bb69066f958f45c2008ef9 + md5: 031fcb28b8e80c1f7bec22ccdf4904b2 + sha256: 9b22e1f1d0decc26cc0743ce929e1a7e233fd7921d1b5c390db0691b8042a706 category: main optional: false - - name: comm - version: 0.1.4 + - name: docutils + version: 0.20.1 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/noarch/comm-0.1.4-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/docutils-0.20.1-py311h38be061_2.conda hash: - md5: c8eaca39e2b6abae1fc96acc929ae939 - sha256: 11057745946a95ee7cc4c98900a60c7362266a4cb28bc97d96cd88e3056eb701 + md5: 33f8066e53679dd4be2355fec849bf01 + sha256: 4e90bbc89f9ab192cb247d8b8ebe54c33e57652f8a057f9f176d9d9dd32993b9 category: main optional: false - - name: coverage - version: 7.3.2 + - name: docutils + version: 0.20.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - tomli: "" - url: https://conda.anaconda.org/conda-forge/linux-64/coverage-7.3.2-py311h459d7ec_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/docutils-0.20.1-py311h6eed73b_2.conda hash: - md5: 7b3145fed7adc7c63a0e08f6f29f5480 - sha256: 8b56edd4336e7fc6ff9b73436a3a270cf835f57cf4d0565c6e240c40f1981085 + md5: d56b49f1a2c908d05d1ca6b3f85d0fd5 + sha256: 869e919066b308794e399bc551fc508c175da5f9324b7a324eb259cef8adabf2 category: main optional: false - - name: fonttools - version: 4.44.3 + - name: docutils + version: 0.20.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - brotli: "" - libgcc-ng: ">=12" - munkres: "" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/fonttools-4.44.3-py311h459d7ec_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/docutils-0.20.1-py311h267d04e_2.conda hash: - md5: a811af88d3c522cf36f4674ef699021d - sha256: 44a9f21a1f02c07ea8d2b3d7880e631db6f4bd08aafc620d4324542ebb2d3009 + md5: e82ee6e9db96d5f7ddf289399744240d + sha256: 3bc810b946ef8f87681ea4bee2610e8c418f9f61772f5d1ff3ffa803ae7cfbb6 category: main optional: false - - name: gitdb - version: 4.0.11 + - name: email-validator + version: 2.1.0.post1 manager: conda platform: linux-64 dependencies: + dnspython: ">=2.0.0" + idna: ">=2.0.0" python: ">=3.7" - smmap: ">=3.0.1,<6" - url: https://conda.anaconda.org/conda-forge/noarch/gitdb-4.0.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/email-validator-2.1.0.post1-pyhd8ed1ab_0.conda hash: - md5: 623b19f616f2ca0c261441067e18ae40 - sha256: 52ab2798be31b8f509eeec458712f447ced4f96ecb672c6c9a42778f47e07b1b + md5: 192fe8f657c763c6120d9f8592055847 + sha256: 0b2e503da10648e2fa8d13035ddda174a549732c4f17476363882ebf67867283 category: main optional: false - - name: graphql-core - version: 3.2.3 + - name: email-validator + version: 2.1.0.post1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - typing_extensions: ">=4,<5" - url: https://conda.anaconda.org/conda-forge/noarch/graphql-core-3.2.3-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + idna: ">=2.0.0" + dnspython: ">=2.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/email-validator-2.1.0.post1-pyhd8ed1ab_0.conda hash: - md5: 87cafe8c7638a5ac6fd8ec8fb01f1508 - sha256: 6f7da913ecad98951cadfe512af2c3979fbff752bf714da66760701e5463dd29 - category: dev - optional: true - - name: grpcio - version: 1.59.2 + md5: 192fe8f657c763c6120d9f8592055847 + sha256: 0b2e503da10648e2fa8d13035ddda174a549732c4f17476363882ebf67867283 + category: main + optional: false + - name: email-validator + version: 2.1.0.post1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libgcc-ng: ">=12" - libgrpc: 1.59.2 - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/grpcio-1.59.2-py311ha6695c7_0.conda + python: ">=3.7" + idna: ">=2.0.0" + dnspython: ">=2.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/email-validator-2.1.0.post1-pyhd8ed1ab_0.conda hash: - md5: cb3e3f8a2ed96ee4d5d945050e82b828 - sha256: 131e0a411e1ebf536b5528a62c57e32fb54297eddd106e002c0411dcfe3e4ea0 + md5: 192fe8f657c763c6120d9f8592055847 + sha256: 0b2e503da10648e2fa8d13035ddda174a549732c4f17476363882ebf67867283 category: main optional: false - - name: h11 - version: 0.14.0 + - name: ensureconda + version: 1.4.3 manager: conda platform: linux-64 dependencies: - python: ">=3" - typing_extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/h11-0.14.0-pyhd8ed1ab_0.tar.bz2 + appdirs: "" + click: ">=5.1" + filelock: "" + python: ">=3.7" + requests: ">=2" + url: https://conda.anaconda.org/conda-forge/noarch/ensureconda-1.4.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: b21ed0883505ba1910994f1df031a428 - sha256: 817d2c77d53afe3f3d9cf7f6eb8745cdd8ea76c7adaa9d7ced75c455a2c2c085 + md5: c99ae3abf501990769047b4b40a98f17 + sha256: b71784b6c24d2320b2f796d074e75e7dd1be7b7fc0f719c5cf3a582270b368d6 category: main optional: false - - name: h2 - version: 4.1.0 + - name: ensureconda + version: 1.4.3 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - hpack: ">=4.0,<5" - hyperframe: ">=6.0,<7" - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/h2-4.1.0-pyhd8ed1ab_0.tar.bz2 + appdirs: "" + filelock: "" + python: ">=3.7" + requests: ">=2" + click: ">=5.1" + url: https://conda.anaconda.org/conda-forge/noarch/ensureconda-1.4.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: b748fbf7060927a6e82df7cb5ee8f097 - sha256: bfc6a23849953647f4e255c782e74a0e18fe16f7e25c7bb0bc57b83bb6762c7a + md5: c99ae3abf501990769047b4b40a98f17 + sha256: b71784b6c24d2320b2f796d074e75e7dd1be7b7fc0f719c5cf3a582270b368d6 category: main optional: false - - name: hdf5 - version: 1.14.2 + - name: ensureconda + version: 1.4.3 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libaec: ">=1.0.6,<2.0a0" - libcurl: ">=8.2.1,<9.0a0" - libgcc-ng: ">=12" - libgfortran-ng: "" - libgfortran5: ">=12.3.0" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/hdf5-1.14.2-nompi_h4f84152_100.conda + appdirs: "" + filelock: "" + python: ">=3.7" + requests: ">=2" + click: ">=5.1" + url: https://conda.anaconda.org/conda-forge/noarch/ensureconda-1.4.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2de6a9bc8083b49f09b2f6eb28d3ba3c - sha256: f70f18291f912ba019cbb736bb87b6487021154733cd109147a6d9672790b6b8 + md5: c99ae3abf501990769047b4b40a98f17 + sha256: b71784b6c24d2320b2f796d074e75e7dd1be7b7fc0f719c5cf3a582270b368d6 category: main optional: false - - name: html5lib - version: "1.1" + - name: entrypoints + version: "0.4" manager: conda platform: linux-64 dependencies: - python: "" - six: ">=1.9" - webencodings: "" - url: https://conda.anaconda.org/conda-forge/noarch/html5lib-1.1-pyh9f0ad1d_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/entrypoints-0.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: b2355343d6315c892543200231d7154a - sha256: 9ad06446fe9847e86cb20d220bf11614afcd2cbe9f58096f08d5d4018877bee4 + md5: 3cf04868fee0a029769bd41f4b2fbf2d + sha256: 2ec4a0900a4a9f42615fc04d0fb3286b796abe56590e8e042f6ec25e102dd5af category: main optional: false - - name: hypothesis - version: 6.89.0 + - name: entrypoints + version: "0.4" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - attrs: ">=19.2.0" - backports.zoneinfo: ">=0.2.1" - click: ">=7.0" - exceptiongroup: ">=1.0.0rc8" - python: ">=3.8" - setuptools: "" - sortedcontainers: ">=2.1.0,<3.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/hypothesis-6.89.0-pyha770c72_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/entrypoints-0.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 87fe6add77af84b6fafecd466e27a28d - sha256: 5805c101a002de63400e97d33d0e70f4cade33b2e7bf76061aaa0a7058fc44ea + md5: 3cf04868fee0a029769bd41f4b2fbf2d + sha256: 2ec4a0900a4a9f42615fc04d0fb3286b796abe56590e8e042f6ec25e102dd5af category: main optional: false - - name: importlib-metadata - version: 6.8.0 + - name: entrypoints + version: "0.4" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - zipp: ">=0.5" - url: https://conda.anaconda.org/conda-forge/noarch/importlib-metadata-6.8.0-pyha770c72_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/entrypoints-0.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 4e9f59a060c3be52bc4ddc46ee9b6946 - sha256: 2797ed927d65324309b6c630190d917b9f2111e0c217b721f80429aeb57f9fcf + md5: 3cf04868fee0a029769bd41f4b2fbf2d + sha256: 2ec4a0900a4a9f42615fc04d0fb3286b796abe56590e8e042f6ec25e102dd5af category: main optional: false - - name: importlib_resources - version: 6.1.1 - manager: conda + - name: et_xmlfile + version: 1.1.0 + manager: conda platform: linux-64 dependencies: - python: ">=3.8" - zipp: ">=3.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/importlib_resources-6.1.1-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/et_xmlfile-1.1.0-pyhd8ed1ab_0.conda hash: - md5: 3d5fa25cf42f3f32a12b2d874ace8574 - sha256: e584f9ae08fb2d242af0ce7e19e3cd2f85f362d8523119e08f99edb962db99ed + md5: a2f2138597905eaa72e561d8efb42cf3 + sha256: 0c7bb50e1382615a660468dc531b8b17c5b91b88a02ed131c8e3cc63db507ce2 category: main optional: false - - name: isodate - version: 0.6.1 + - name: et_xmlfile + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: python: ">=3.6" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/isodate-0.6.1-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/et_xmlfile-1.1.0-pyhd8ed1ab_0.conda hash: - md5: 4a62c93c1b5c0b920508ae3fd285eaf5 - sha256: af8f801e093da52a50ca0ea0510dfaf6898fea37e66d08d335e370235dede9fc + md5: a2f2138597905eaa72e561d8efb42cf3 + sha256: 0c7bb50e1382615a660468dc531b8b17c5b91b88a02ed131c8e3cc63db507ce2 category: main optional: false - - name: janus - version: 1.0.0 + - name: et_xmlfile + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing_extensions: ">=3.7.4.3" - url: https://conda.anaconda.org/conda-forge/noarch/janus-1.0.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/et_xmlfile-1.1.0-pyhd8ed1ab_0.conda hash: - md5: 304b5bce5a9b3590d825ffd85ac63471 - sha256: b702ef1e280249065d69aef7b0a7b3920903d2de68283bb5282cb57a4ed54d19 + md5: a2f2138597905eaa72e561d8efb42cf3 + sha256: 0c7bb50e1382615a660468dc531b8b17c5b91b88a02ed131c8e3cc63db507ce2 category: main optional: false - - name: jaraco.classes - version: 3.3.0 + - name: exceptiongroup + version: 1.1.3 manager: conda platform: linux-64 dependencies: - more-itertools: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jaraco.classes-3.3.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/exceptiongroup-1.1.3-pyhd8ed1ab_0.conda hash: - md5: e9f79248d30e942f7c358ff21a1790f5 - sha256: 14f5240c3834e1b784dd41a5a14392d9150dff62a74ae851f73e65d2e2bbd891 + md5: e6518222753f519e911e83136d2158d9 + sha256: c28f715e049fe0f09785660bcbffa175ffb438720e5bc5a60d56d4b08364b315 category: main optional: false - - name: jedi - version: 0.19.1 + - name: exceptiongroup + version: 1.1.3 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - parso: ">=0.8.3,<0.9.0" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/jedi-0.19.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/exceptiongroup-1.1.3-pyhd8ed1ab_0.conda hash: - md5: 81a3be0b2023e1ea8555781f0ad904a2 - sha256: 362f0936ef37dfd1eaa860190e42a6ebf8faa094eaa3be6aa4d9ace95f40047a + md5: e6518222753f519e911e83136d2158d9 + sha256: c28f715e049fe0f09785660bcbffa175ffb438720e5bc5a60d56d4b08364b315 category: main optional: false - - name: jinja2 - version: 3.1.2 + - name: exceptiongroup + version: 1.1.3 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - markupsafe: ">=2.0" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jinja2-3.1.2-pyhd8ed1ab_1.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/exceptiongroup-1.1.3-pyhd8ed1ab_0.conda hash: - md5: c8490ed5c70966d232fdd389d0dbed37 - sha256: b045faba7130ab263db6a8fdc96b1a3de5fcf85c4a607c5f11a49e76851500b5 + md5: e6518222753f519e911e83136d2158d9 + sha256: c28f715e049fe0f09785660bcbffa175ffb438720e5bc5a60d56d4b08364b315 category: main optional: false - - name: joblib - version: 1.3.2 + - name: execnet + version: 2.0.2 manager: conda platform: linux-64 dependencies: python: ">=3.7" - setuptools: "" - url: https://conda.anaconda.org/conda-forge/noarch/joblib-1.3.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/execnet-2.0.2-pyhd8ed1ab_0.conda hash: - md5: 4da50d410f553db77e62ab62ffaa1abc - sha256: 31e05d47970d956206188480b038829d24ac11fe8216409d8584d93d40233878 + md5: 67de0d8241e1060a479e3c37793e26f9 + sha256: 88ea68a360198af39368beecf057af6b31f0ae38071b2bdb2aa961b6ae5427c0 category: main optional: false - - name: jsonlines - version: 4.0.0 + - name: execnet + version: 2.0.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - attrs: ">=19.2.0" - python: ">=3.6" - typing_extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/jsonlines-4.0.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/execnet-2.0.2-pyhd8ed1ab_0.conda hash: - md5: df32eb56c2a48a5ca9465aef29dd46bc - sha256: ba99c97cff6534f5ad5e724a074a1204e4a0c73cc8cca21a0fc2d4e92f25b89c + md5: 67de0d8241e1060a479e3c37793e26f9 + sha256: 88ea68a360198af39368beecf057af6b31f0ae38071b2bdb2aa961b6ae5427c0 category: main optional: false - - name: jupyterlab_pygments - version: 0.2.2 + - name: execnet + version: 2.0.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - pygments: ">=2.4.1,<3" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_pygments-0.2.2-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/execnet-2.0.2-pyhd8ed1ab_0.conda hash: - md5: 243f63592c8e449f40cd42eb5cf32f40 - sha256: 08453e09d5a6bbaeeca839553a5dfd7a377a97550efab96019c334a8042f54f5 + md5: 67de0d8241e1060a479e3c37793e26f9 + sha256: 88ea68a360198af39368beecf057af6b31f0ae38071b2bdb2aa961b6ae5427c0 category: main optional: false - - name: latexcodec + - name: executing version: 2.0.1 manager: conda platform: linux-64 dependencies: - python: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/latexcodec-2.0.1-pyh9f0ad1d_0.tar.bz2 + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/executing-2.0.1-pyhd8ed1ab_0.conda hash: - md5: 8d67904973263afd2985ba56aa2d6bb4 - sha256: 5210d31c8f2402dd1ad1b3edcf7a53292b9da5de20cd14d9c243dbf9278b1c4f + md5: e16be50e378d8a4533b989035b196ab8 + sha256: c738804ab1e6376f8ea63372229a04c8d658dc90fd5a218c6273a2eaf02f4057 category: main optional: false - - name: libcblas - version: 3.9.0 + - name: executing + version: 2.0.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libblas: 3.9.0 - url: https://conda.anaconda.org/conda-forge/linux-64/libcblas-3.9.0-19_linux64_openblas.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/executing-2.0.1-pyhd8ed1ab_0.conda hash: - md5: d12374af44575413fbbd4a217d46ea33 - sha256: 84fddccaf58f42b07af7fb42512bd617efcb072f17bdef27f4c1884dbd33c86a + md5: e16be50e378d8a4533b989035b196ab8 + sha256: c738804ab1e6376f8ea63372229a04c8d658dc90fd5a218c6273a2eaf02f4057 category: main optional: false - - name: libgd - version: 2.3.3 + - name: executing + version: 2.0.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - expat: "" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - icu: ">=73.2,<74.0a0" - libexpat: ">=2.5.0,<3.0a0" - libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp: "" - libwebp-base: ">=1.3.2,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/libgd-2.3.3-h119a65a_9.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/executing-2.0.1-pyhd8ed1ab_0.conda hash: - md5: cfebc557e54905dadc355c0e9f003004 - sha256: b74f95a6e1f3b31a74741b39cba83ed99fc82d17243c0fd3b5ab16ddd48ab89d - category: dev - optional: true - - name: libgoogle-cloud - version: 2.12.0 + md5: e16be50e378d8a4533b989035b196ab8 + sha256: c738804ab1e6376f8ea63372229a04c8d658dc90fd5a218c6273a2eaf02f4057 + category: main + optional: false + - name: expat + version: 2.5.0 manager: conda platform: linux-64 dependencies: - libabseil: ">=20230802.1,<20230803.0a0" - libcrc32c: ">=1.1.2,<1.2.0a0" - libcurl: ">=8.4.0,<9.0a0" + libexpat: 2.5.0 libgcc-ng: ">=12" - libgrpc: ">=1.59.2,<1.60.0a0" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libstdcxx-ng: ">=12" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libgoogle-cloud-2.12.0-h5206363_4.conda + url: https://conda.anaconda.org/conda-forge/linux-64/expat-2.5.0-hcb278e6_1.conda hash: - md5: b5eb63d2683102be45d17c55021282f6 - sha256: 82a7d211d0df165b073f9e8ba6d789c4b1c7c4882d546ca12d40f201fc3496fc + md5: 8b9b5aca60558d02ddaa09d599e55920 + sha256: 36dfeb4375059b3bba75ce9b38c29c69fd257342a79e6cf20e9f25c1523f785f category: main optional: false - - name: liblapack - version: 3.9.0 + - name: expat + version: 2.5.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libblas: 3.9.0 - url: https://conda.anaconda.org/conda-forge/linux-64/liblapack-3.9.0-19_linux64_openblas.conda + libexpat: 2.5.0 + url: https://conda.anaconda.org/conda-forge/osx-64/expat-2.5.0-hf0c8a7f_1.conda hash: - md5: 9f100edf65436e3eabc2a51fc00b2c37 - sha256: 58f402aae605ebd0932e1cbbf855cd49dcdfa2fcb6aab790a4f6068ec5937878 + md5: e12630038077877cbb6c7851e139c17c + sha256: 15c04a5a690b337b50fb7550cce057d843cf94dd0109d576ec9bc3448a8571d0 category: main optional: false - - name: linear-tsv - version: 1.1.0 + - name: expat + version: 2.5.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/linear-tsv-1.1.0-py_1.tar.bz2 + libexpat: 2.5.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/expat-2.5.0-hb7217d7_1.conda hash: - md5: 16491914064fdfe1b9a8fba94ac90e9a - sha256: 7d653455e3ab3bdbd064e5a8995cce6e657fb1b2fdd26f0bc62ed57687b16043 + md5: 624fa0dd6fdeaa650b71a62296fdfedf + sha256: 9f06afbe4604decf6a2e8e7e87f5ca218a3e9049d57d5b3fcd538ca6240d21a0 category: main optional: false - - name: markdown-it-py - version: 3.0.0 + - name: filelock + version: 3.13.1 manager: conda platform: linux-64 dependencies: - mdurl: ">=0.1,<1" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/markdown-it-py-3.0.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/filelock-3.13.1-pyhd8ed1ab_0.conda hash: - md5: 93a8e71256479c62074356ef6ebf501b - sha256: c041b0eaf7a6af3344d5dd452815cdc148d6284fec25a4fa3f4263b3a021e962 + md5: 0c1729b74a8152fde6a38ba0a2ab9f45 + sha256: 4d742d91412d1f163e5399d2b50c5d479694ebcd309127abb549ca3977f89d2b category: main optional: false - - name: matplotlib-inline - version: 0.1.6 + - name: filelock + version: 3.13.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - traitlets: "" - url: https://conda.anaconda.org/conda-forge/noarch/matplotlib-inline-0.1.6-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/filelock-3.13.1-pyhd8ed1ab_0.conda hash: - md5: b21613793fcc81d944c76c9f2864a7de - sha256: aa091b88aec55bfa2d9207028d8cdc689b9efb090ae27b99557e93c675be2f3c + md5: 0c1729b74a8152fde6a38ba0a2ab9f45 + sha256: 4d742d91412d1f163e5399d2b50c5d479694ebcd309127abb549ca3977f89d2b category: main optional: false - - name: nodeenv - version: 1.8.0 + - name: filelock + version: 3.13.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: 2.7|>=3.7 - setuptools: "" - url: https://conda.anaconda.org/conda-forge/noarch/nodeenv-1.8.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/filelock-3.13.1-pyhd8ed1ab_0.conda hash: - md5: 2a75b296096adabbabadd5e9782e5fcc - sha256: 1320306234552717149f36f825ddc7e27ea295f24829e9db4cc6ceaff0b032bd + md5: 0c1729b74a8152fde6a38ba0a2ab9f45 + sha256: 4d742d91412d1f163e5399d2b50c5d479694ebcd309127abb549ca3977f89d2b category: main optional: false - - name: openpyxl - version: 3.1.2 + - name: fiona + version: 1.9.5 manager: conda platform: linux-64 dependencies: - et_xmlfile: "" + attrs: ">=17" + click: ">=4.0" + click-plugins: ">=1.0" + cligj: ">=0.5" + gdal: "" + importlib-metadata: "" libgcc-ng: ">=12" + libgdal: ">=3.8.0,<3.9.0a0" + libstdcxx-ng: ">=12" + munch: "" + numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/openpyxl-3.1.2-py311h459d7ec_1.conda + setuptools: "" + shapely: "" + six: ">=1.7" + url: https://conda.anaconda.org/conda-forge/linux-64/fiona-1.9.5-py311hf8e0aa6_1.conda hash: - md5: 5c809fb753f06a04c2f114394404769e - sha256: 49cb85c8ad834e383ad447c66045e3b1beff12b209f5cde06a18c1de4e4c6754 + md5: 961758d24e419de785e99b038033f9ae + sha256: 5579deb516af98c167e11b0f9250ce53e1780eade803b03ad9507fb41b295a5c category: main optional: false - - name: overrides - version: 7.4.0 + - name: fiona + version: 1.9.5 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - typing_utils: "" - url: https://conda.anaconda.org/conda-forge/noarch/overrides-7.4.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + attrs: ">=17" + click: ">=4.0" + click-plugins: ">=1.0" + cligj: ">=0.5" + gdal: "" + importlib-metadata: "" + libcxx: ">=16.0.6" + libgdal: ">=3.8.0,<3.9.0a0" + munch: "" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + shapely: "" + six: ">=1.7" + url: https://conda.anaconda.org/conda-forge/osx-64/fiona-1.9.5-py311h809632c_1.conda hash: - md5: 4625b7b01d7f4ac9c96300a5515acfaa - sha256: 29db8c3b521d261bf71897ba3cfbebc81cd61e581b30fcb984b5a713f02fe1ff + md5: fa38d43ecb08f4db5107fc6390949414 + sha256: 80cfa5135122c959a7ec656c7c1c1fcc60398669029d86fac1cb9a3d3c5cacc1 category: main optional: false - - name: partd - version: 1.4.1 + - name: fiona + version: 1.9.5 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - locket: "" - python: ">=3.7" - toolz: "" - url: https://conda.anaconda.org/conda-forge/noarch/partd-1.4.1-pyhd8ed1ab_0.conda + __osx: ">=10.9" + attrs: ">=17" + click: ">=4.0" + click-plugins: ">=1.0" + cligj: ">=0.5" + gdal: "" + importlib-metadata: "" + libcxx: ">=16.0.6" + libgdal: ">=3.8.0,<3.9.0a0" + munch: "" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + shapely: "" + six: ">=1.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/fiona-1.9.5-py311h4760b73_1.conda hash: - md5: acf4b7c0bcd5fa3b0e05801c4d2accd6 - sha256: b248238da2bb9dfe98e680af911dc7013af86095e3ec8baf08905555632d34c7 + md5: 0232bf494596b3d10e1cf21fbcbc8615 + sha256: 9d0ad417f817677f113608aacdbac93fad06bf2a149233d299a6ada5c56c6600 category: main optional: false - - name: pexpect - version: 4.8.0 + - name: folium + version: 0.15.0 manager: conda platform: linux-64 dependencies: - ptyprocess: ">=0.5" - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/pexpect-4.8.0-pyh1a96a4e_2.tar.bz2 + branca: ">=0.7.0" + jinja2: ">=2.9" + numpy: "" + python: ">=3.7" + requests: "" + url: https://conda.anaconda.org/conda-forge/noarch/folium-0.15.0-pyhd8ed1ab_0.conda hash: - md5: 330448ce4403cc74990ac07c555942a1 - sha256: 07706c0417ead94f359ca7278f65452d3c396448777aba1da6a11fc351bdca9a + md5: 25f5dbce4f946240dea7d2ee79d34254 + sha256: afe869f136fca1dbda8be0c342392fda99d951c4c4612f134a70efbf5449ef30 category: main optional: false - - name: pillow - version: 10.1.0 + - name: folium + version: 0.15.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - freetype: ">=2.12.1,<3.0a0" - lcms2: ">=2.15,<3.0a0" - libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libxcb: ">=1.15,<1.16.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openjpeg: ">=2.5.0,<3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - tk: ">=8.6.13,<8.7.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/pillow-10.1.0-py311ha6c5da5_0.conda + numpy: "" + requests: "" + python: ">=3.7" + jinja2: ">=2.9" + branca: ">=0.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/folium-0.15.0-pyhd8ed1ab_0.conda hash: - md5: 83a988daf5c49e57f7d2086fb6781fe8 - sha256: 5b037243f76644fe2e565aa6a3764039dba47cddf8bbef8ef01643775a459b60 + md5: 25f5dbce4f946240dea7d2ee79d34254 + sha256: afe869f136fca1dbda8be0c342392fda99d951c4c4612f134a70efbf5449ef30 category: main optional: false - - name: pint - version: "0.22" + - name: folium + version: 0.15.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.9" - typing_extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/pint-0.22-pyhd8ed1ab_1.conda + numpy: "" + requests: "" + python: ">=3.7" + jinja2: ">=2.9" + branca: ">=0.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/folium-0.15.0-pyhd8ed1ab_0.conda hash: - md5: a719c3f3959c529e558e9ed9f98c3f30 - sha256: 49795ff6e5e634523aafe34e869c425e2cdc4a1fcb11aa294d7983035bc38622 + md5: 25f5dbce4f946240dea7d2ee79d34254 + sha256: afe869f136fca1dbda8be0c342392fda99d951c4c4612f134a70efbf5449ef30 category: main optional: false - - name: pip - version: 23.3.1 + - name: font-ttf-dejavu-sans-mono + version: "2.37" manager: conda platform: linux-64 - dependencies: - python: ">=3.7" - setuptools: "" - wheel: "" - url: https://conda.anaconda.org/conda-forge/noarch/pip-23.3.1-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-dejavu-sans-mono-2.37-hab24e00_0.tar.bz2 hash: - md5: 2400c0b86889f43aa52067161e1fb108 - sha256: 435829a03e1c6009f013f29bb83de8b876c388820bf8cf69a7baeec25f6a3563 + md5: 0c96522c6bdaed4b1566d11387caaf45 + sha256: 58d7f40d2940dd0a8aa28651239adbf5613254df0f75789919c4e6762054403b category: main optional: false - - name: postgresql - version: "16.1" + - name: font-ttf-dejavu-sans-mono + version: "2.37" manager: conda - platform: linux-64 - dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libgcc-ng: ">=12" - libpq: "16.1" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - readline: ">=8.2,<9.0a0" - tzcode: "" - tzdata: "" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/postgresql-16.1-h8972f4a_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-dejavu-sans-mono-2.37-hab24e00_0.tar.bz2 hash: - md5: 1e9ab0760262044fa00814088667e451 - sha256: 74dfb5793a00a0a9e85296ce0944d8af0f71758574b7c8f9e7d5590250441e24 + md5: 0c96522c6bdaed4b1566d11387caaf45 + sha256: 58d7f40d2940dd0a8aa28651239adbf5613254df0f75789919c4e6762054403b category: main optional: false - - name: proj - version: 9.3.0 + - name: font-ttf-dejavu-sans-mono + version: "2.37" manager: conda - platform: linux-64 - dependencies: - libcurl: ">=8.4.0,<9.0a0" - libgcc-ng: ">=12" - libsqlite: ">=3.43.2,<4.0a0" - libstdcxx-ng: ">=12" - libtiff: ">=4.6.0,<4.7.0a0" - sqlite: "" - url: https://conda.anaconda.org/conda-forge/linux-64/proj-9.3.0-h1d62c97_2.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-dejavu-sans-mono-2.37-hab24e00_0.tar.bz2 hash: - md5: b5e57a0c643da391bef850922963eece - sha256: 252f6c31101719e3d524679e69ae81e6323b93b143e1360169bf50e89386bf24 + md5: 0c96522c6bdaed4b1566d11387caaf45 + sha256: 58d7f40d2940dd0a8aa28651239adbf5613254df0f75789919c4e6762054403b category: main optional: false - - name: protobuf - version: 4.24.4 + - name: font-ttf-inconsolata + version: "3.000" manager: conda platform: linux-64 - dependencies: - libabseil: ">=20230802.1,<20230803.0a0" - libgcc-ng: ">=12" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/linux-64/protobuf-4.24.4-py311h46cbc50_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-inconsolata-3.000-h77eed37_0.tar.bz2 hash: - md5: 83b241e2db8adb55d7ec110a913fea80 - sha256: 1f664f5fc370c28809024387e2f991003fcabf8b025c787c70dbc99a8fcb2088 + md5: 34893075a5c9e55cdafac56607368fc6 + sha256: c52a29fdac682c20d252facc50f01e7c2e7ceac52aa9817aaf0bb83f7559ec5c category: main optional: false - - name: psycopg2 - version: 2.9.7 + - name: font-ttf-inconsolata + version: "3.000" manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - libpq: ">=16.0,<17.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/psycopg2-2.9.7-py311h03dec38_1.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-inconsolata-3.000-h77eed37_0.tar.bz2 hash: - md5: 894f0e7a734b1f1182f87081f1ddffa3 - sha256: 047fe0687432b83762d4d77a31cd01572044a231f945f83e10f2cd3c2b44077d + md5: 34893075a5c9e55cdafac56607368fc6 + sha256: c52a29fdac682c20d252facc50f01e7c2e7ceac52aa9817aaf0bb83f7559ec5c category: main optional: false - - name: pyasn1-modules - version: 0.3.0 + - name: font-ttf-inconsolata + version: "3.000" manager: conda - platform: linux-64 - dependencies: - pyasn1: ">=0.4.6,<0.6.0" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-modules-0.3.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-inconsolata-3.000-h77eed37_0.tar.bz2 hash: - md5: 26db749166cdca55e5ef1ffdc7767d0e - sha256: 7867ba43b6ef1e66054ca6b70f59bbef4cdb0cc761f0be3b66d79d15bd43143b + md5: 34893075a5c9e55cdafac56607368fc6 + sha256: c52a29fdac682c20d252facc50f01e7c2e7ceac52aa9817aaf0bb83f7559ec5c category: main optional: false - - name: pyproject_hooks - version: 1.0.0 + - name: font-ttf-source-code-pro + version: "2.038" manager: conda platform: linux-64 - dependencies: - python: ">=3.7" - tomli: ">=1.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/pyproject_hooks-1.0.0-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-source-code-pro-2.038-h77eed37_0.tar.bz2 hash: - md5: 21de50391d584eb7f4441b9de1ad773f - sha256: 016340837fcfef57b351febcbe855eedf0c1f0ecfc910ed48c7fbd20535f9847 + md5: 4d59c254e01d9cde7957100457e2d5fb + sha256: 00925c8c055a2275614b4d983e1df637245e19058d79fc7dd1a93b8d9fb4b139 category: main optional: false - - name: pytest - version: 7.4.3 + - name: font-ttf-source-code-pro + version: "2.038" manager: conda - platform: linux-64 - dependencies: - colorama: "" - exceptiongroup: ">=1.0.0rc8" - iniconfig: "" - packaging: "" - pluggy: ">=0.12,<2.0" - python: ">=3.7" - tomli: ">=1.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-7.4.3-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-source-code-pro-2.038-h77eed37_0.tar.bz2 hash: - md5: 5bdca0aca30b0ee62bb84854e027eae0 - sha256: 14e948e620ec87d9e62a8d9c21d40084b4805a939cfee322be7d457379dc96a0 + md5: 4d59c254e01d9cde7957100457e2d5fb + sha256: 00925c8c055a2275614b4d983e1df637245e19058d79fc7dd1a93b8d9fb4b139 category: main optional: false - - name: python-dateutil - version: 2.8.2 + - name: font-ttf-source-code-pro + version: "2.038" manager: conda - platform: linux-64 - dependencies: - python: ">=3.6" - six: ">=1.5" - url: https://conda.anaconda.org/conda-forge/noarch/python-dateutil-2.8.2-pyhd8ed1ab_0.tar.bz2 + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-source-code-pro-2.038-h77eed37_0.tar.bz2 hash: - md5: dd999d1cc9f79e67dbb855c8924c7984 - sha256: 54d7785c7678166aa45adeaccfc1d2b8c3c799ca2dc05d4a82bb39b1968bd7da + md5: 4d59c254e01d9cde7957100457e2d5fb + sha256: 00925c8c055a2275614b4d983e1df637245e19058d79fc7dd1a93b8d9fb4b139 category: main optional: false - - name: python-slugify - version: 8.0.1 + - name: font-ttf-ubuntu + version: "0.83" manager: conda platform: linux-64 - dependencies: - python: ">=3.7" - text-unidecode: ">=1.3" - url: https://conda.anaconda.org/conda-forge/noarch/python-slugify-8.0.1-pyhd8ed1ab_2.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-ubuntu-0.83-hab24e00_0.tar.bz2 hash: - md5: 519897ff446e0dc056e12402e6785cd5 - sha256: 68ac5a6a467b9c0a98e326ec4cc8e3c01d4514f1200c1b44102923424e8ed1eb + md5: 19410c3df09dfb12d1206132a1d357c5 + sha256: 470d5db54102bd51dbb0c5990324a2f4a0bc976faa493b22193338adb9882e2e category: main optional: false - - name: pyu2f - version: 0.1.5 + - name: font-ttf-ubuntu + version: "0.83" manager: conda - platform: linux-64 - dependencies: - python: ">=2.7" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/pyu2f-0.1.5-pyhd8ed1ab_0.tar.bz2 + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-ubuntu-0.83-hab24e00_0.tar.bz2 hash: - md5: caabbeaa83928d0c3e3949261daa18eb - sha256: 667a5a30b65a60b15f38fa4cb09efd6d2762b5a0a9563acd9555eaa5e0b953a2 + md5: 19410c3df09dfb12d1206132a1d357c5 + sha256: 470d5db54102bd51dbb0c5990324a2f4a0bc976faa493b22193338adb9882e2e category: main optional: false - - name: qtpy - version: 2.4.1 + - name: font-ttf-ubuntu + version: "0.83" manager: conda - platform: linux-64 - dependencies: - packaging: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/qtpy-2.4.1-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-ubuntu-0.83-hab24e00_0.tar.bz2 hash: - md5: 7f391bd70d2abfb70f304ba5aa4e1261 - sha256: 925bf48e747af6ceff1b073c10b12fc94ef79c88a34729059d253e43466a33f1 + md5: 19410c3df09dfb12d1206132a1d357c5 + sha256: 470d5db54102bd51dbb0c5990324a2f4a0bc976faa493b22193338adb9882e2e category: main optional: false - - name: referencing - version: 0.31.0 + - name: fontconfig + version: 2.14.2 manager: conda platform: linux-64 dependencies: - attrs: ">=22.2.0" - python: ">=3.8" - rpds-py: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.0-pyhd8ed1ab_0.conda + expat: ">=2.5.0,<3.0a0" + freetype: ">=2.12.1,<3.0a0" + libgcc-ng: ">=12" + libuuid: ">=2.32.1,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/fontconfig-2.14.2-h14ed4e7_0.conda hash: - md5: 38c2b9b24e9a58725a233f1fa32c23e9 - sha256: 108f27bf249a581acd0f1de0e1e6a4d814ab18943178c2d9a4df02f5c16d2102 + md5: 0f69b688f52ff6da70bccb7ff7001d1d + sha256: 155d534c9037347ea7439a2c6da7c24ffec8e5dd278889b4c57274a1d91e0a83 category: main optional: false - - name: restructuredtext_lint - version: 1.4.0 + - name: fontconfig + version: 2.14.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - docutils: ">=0.11,<1.0" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/restructuredtext_lint-1.4.0-pyhd8ed1ab_0.tar.bz2 + expat: ">=2.5.0,<3.0a0" + freetype: ">=2.12.1,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/fontconfig-2.14.2-h5bb23bf_0.conda hash: - md5: 1f3c21740038aba9c174df58986bdccb - sha256: 636ceefea3675cdd96e49e9bc344190dd72d722642c47597f7bfd30e7ceb2a33 + md5: 86cc5867dfbee4178118392bae4a3c89 + sha256: f63e6d1d6aef8ba6de4fc54d3d7898a153479888d40ffdf2e4cfad6f92679d34 category: main optional: false - - name: rfc3339-validator - version: 0.1.4 + - name: fontconfig + version: 2.14.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.5" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3339-validator-0.1.4-pyhd8ed1ab_0.tar.bz2 + expat: ">=2.5.0,<3.0a0" + freetype: ">=2.12.1,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/fontconfig-2.14.2-h82840c6_0.conda hash: - md5: fed45fc5ea0813240707998abe49f520 - sha256: 7c7052b51de0b5c558f890bb11f8b5edbb9934a653d76be086b1182b9f54185d + md5: f77d47ddb6d3cc5b39b9bdf65635afbb + sha256: 7094917fc6758186e17c61d8ee8fd2bbbe9f303b4addac61d918fa415c497e2b category: main optional: false - - name: rsa - version: "4.9" + - name: fonts-conda-ecosystem + version: "1" manager: conda platform: linux-64 dependencies: - pyasn1: ">=0.1.3" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/rsa-4.9-pyhd8ed1ab_0.tar.bz2 + fonts-conda-forge: "" + url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-ecosystem-1-0.tar.bz2 hash: - md5: 03bf410858b2cefc267316408a77c436 - sha256: 23214cdc15a41d14136754857fd9cd46ca3c55a7e751da3b3a48c673f0ee2a57 + md5: fee5683a3f04bd15cbd8318b096a27ab + sha256: a997f2f1921bb9c9d76e6fa2f6b408b7fa549edd349a77639c9fe7a23ea93e61 category: main optional: false - - name: ruamel.yaml - version: 0.18.5 + - name: fonts-conda-ecosystem + version: "1" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - ruamel.yaml.clib: ">=0.1.2" - setuptools: "" - url: https://conda.anaconda.org/conda-forge/linux-64/ruamel.yaml-0.18.5-py311h459d7ec_0.conda + fonts-conda-forge: "" + url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-ecosystem-1-0.tar.bz2 hash: - md5: 1101ec27377f8e45d8431a5f21d744f1 - sha256: c92e7bbb1d02286bcd3d3292208006f796ae45df82af3deec940339493415c04 + md5: fee5683a3f04bd15cbd8318b096a27ab + sha256: a997f2f1921bb9c9d76e6fa2f6b408b7fa549edd349a77639c9fe7a23ea93e61 category: main optional: false - - name: sqlalchemy - version: 1.4.49 + - name: fonts-conda-ecosystem + version: "1" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - greenlet: "!=0.4.17" - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/sqlalchemy-1.4.49-py311h459d7ec_1.conda + fonts-conda-forge: "" + url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-ecosystem-1-0.tar.bz2 hash: - md5: 17392bcb4ceac1b2c95db9d54b4ac018 - sha256: 542dea4823e2e1283936fbd25c9f3fa960ec6df2dd54589b192b4dac68af7295 + md5: fee5683a3f04bd15cbd8318b096a27ab + sha256: a997f2f1921bb9c9d76e6fa2f6b408b7fa549edd349a77639c9fe7a23ea93e61 category: main optional: false - - name: terminado - version: 0.18.0 + - name: fonts-conda-forge + version: "1" manager: conda platform: linux-64 dependencies: - __linux: "" - ptyprocess: "" - python: ">=3.8" - tornado: ">=6.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/terminado-0.18.0-pyh0d859eb_0.conda + font-ttf-dejavu-sans-mono: "" + font-ttf-inconsolata: "" + font-ttf-source-code-pro: "" + font-ttf-ubuntu: "" + url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-forge-1-0.tar.bz2 hash: - md5: e463f348b8b0eb62c9f7c6fbc780286c - sha256: e90139ef15ea9d75a69cd6b6302c29ed5b01c03ddfa717b71acb32b60af74269 + md5: f766549260d6815b0c52253f1fb1bb29 + sha256: 53f23a3319466053818540bcdf2091f253cbdbab1e0e9ae7b9e509dcaa2a5e38 category: main optional: false - - name: tinycss2 - version: 1.2.1 + - name: fonts-conda-forge + version: "1" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.5" - webencodings: ">=0.4" - url: https://conda.anaconda.org/conda-forge/noarch/tinycss2-1.2.1-pyhd8ed1ab_0.tar.bz2 + font-ttf-inconsolata: "" + font-ttf-source-code-pro: "" + font-ttf-dejavu-sans-mono: "" + font-ttf-ubuntu: "" + url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-forge-1-0.tar.bz2 hash: - md5: 7234c9eefff659501cd2fe0d2ede4d48 - sha256: f0db1a2298a5e10e30f4b947566c7229442834702f549dded40a73ecdea7502d + md5: f766549260d6815b0c52253f1fb1bb29 + sha256: 53f23a3319466053818540bcdf2091f253cbdbab1e0e9ae7b9e509dcaa2a5e38 category: main optional: false - - name: tqdm - version: 4.66.1 + - name: fonts-conda-forge + version: "1" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - colorama: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tqdm-4.66.1-pyhd8ed1ab_0.conda - hash: - md5: 03c97908b976498dcae97eb4e4f3149c - sha256: b61c9222af05e8c5ff27e4a4d2eb81870c21ffd7478346be3ef644b7a3759cc4 - category: main - optional: false - - name: typing-extensions - version: 4.8.0 - manager: conda - platform: linux-64 - dependencies: - typing_extensions: 4.8.0 - url: https://conda.anaconda.org/conda-forge/noarch/typing-extensions-4.8.0-hd8ed1ab_0.conda - hash: - md5: 384462e63262a527bda564fa2d9126c0 - sha256: d6e1dddd0c372218ef15912383d351ac8c73465cbf16238017f0269813cafe2d - category: main - optional: false - - name: typing_inspect - version: 0.9.0 - manager: conda - platform: linux-64 - dependencies: - mypy_extensions: ">=0.3.0" - python: ">=3.5" - typing_extensions: ">=3.7.4" - url: https://conda.anaconda.org/conda-forge/noarch/typing_inspect-0.9.0-pyhd8ed1ab_0.conda + font-ttf-inconsolata: "" + font-ttf-source-code-pro: "" + font-ttf-dejavu-sans-mono: "" + font-ttf-ubuntu: "" + url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-forge-1-0.tar.bz2 hash: - md5: 9e924b76b91908a17e28a19a0ab88687 - sha256: 16e0b825c138e14ebc84623248d91d93a8cff29bb93595cc4aa46ca32f24f1de + md5: f766549260d6815b0c52253f1fb1bb29 + sha256: 53f23a3319466053818540bcdf2091f253cbdbab1e0e9ae7b9e509dcaa2a5e38 category: main optional: false - - name: universal_pathlib - version: 0.1.4 + - name: fonttools + version: 4.45.0 manager: conda platform: linux-64 dependencies: - fsspec: ">=2022.1.0" - python: ">=3.8,<3.12" - url: https://conda.anaconda.org/conda-forge/noarch/universal_pathlib-0.1.4-pyhd8ed1ab_0.conda + brotli: "" + libgcc-ng: ">=12" + munkres: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/fonttools-4.45.0-py311h459d7ec_0.conda hash: - md5: 08ca974df312b574c4d6511426539a87 - sha256: ee5a8f423b7429e2ebc0051638875a69e4dc4558c07a26d3063866cebed5fb66 + md5: 316e188c8068e6d9c55d23bbead5d6c3 + sha256: 82df96b8adf1063c3d7996ad3cda09813c273b9edf6d56671f2610cb782c6ed7 category: main optional: false - - name: urllib3 - version: 1.26.18 + - name: fonttools + version: 4.45.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - brotli-python: ">=1.0.9" - pysocks: ">=1.5.6,<2.0,!=1.5.7" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/urllib3-1.26.18-pyhd8ed1ab_0.conda + brotli: "" + munkres: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/fonttools-4.45.0-py311he705e18_0.conda hash: - md5: bf61cfd2a7f212efba378167a07d4a6a - sha256: 1cc0bab65a6ad0f5a8bd7657760a4fb4e670d30377f9dab88b792977cb3687e7 + md5: 9f844d6975f1d933a0eedb8f4704c33e + sha256: de3265702ebd6918984f4951e7d6595d36afeb5cb7303160c1aaa57a29f2f4b6 category: main optional: false - - name: watchdog - version: 3.0.0 + - name: fonttools + version: 4.45.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: + brotli: "" + munkres: "" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - pyyaml: ">=3.10" - url: https://conda.anaconda.org/conda-forge/linux-64/watchdog-3.0.0-py311h38be061_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/fonttools-4.45.0-py311h05b510d_0.conda hash: - md5: 1901b9f3ca3782f31450fd7158d2fe8a - sha256: c1fd4f6bd6f3c4009fe2f97d3ed8edd2f2a46058293e0176b06fa181eb66558f + md5: 50bd474c7268e7fe9d4557d0a1dfe9ff + sha256: 1ee7886d23b165862263820a108f62e744ca0fa468e44b5764c40a39852a1699 category: main optional: false - - name: xerces-c - version: 3.2.4 + - name: fqdn + version: 1.5.1 manager: conda platform: linux-64 dependencies: - icu: ">=73.2,<74.0a0" - libcurl: ">=8.2.1,<9.0a0" - libgcc-ng: ">=12" - libnsl: ">=2.0.0,<2.1.0a0" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/xerces-c-3.2.4-hac6953d_3.conda + cached-property: ">=1.3.0" + python: ">=2.7,<4" + url: https://conda.anaconda.org/conda-forge/noarch/fqdn-1.5.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 297e6a75dc1b6a440cd341a85eab8a00 - sha256: faf1c8f0e625466efec442e987737057ca304f1fcf79055da4d9e93e49f14ffa + md5: 642d35437078749ef23a5dca2c9bb1f3 + sha256: 6cfd1f9bcd2358a69fb571f4b3af049b630d52647d906822dbedac03e84e4f63 category: main optional: false - - name: yarl - version: 1.9.2 + - name: fqdn + version: 1.5.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - idna: ">=2.0" - libgcc-ng: ">=12" - multidict: ">=4.0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/yarl-1.9.2-py311h459d7ec_1.conda + cached-property: ">=1.3.0" + python: ">=2.7,<4" + url: https://conda.anaconda.org/conda-forge/noarch/fqdn-1.5.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 132637a291f818a0e99c8ca468e92eb8 - sha256: f25893b4c4e4432cdfa1c19631dd503e5f197704d2b9d09624520ece9a6845f0 + md5: 642d35437078749ef23a5dca2c9bb1f3 + sha256: 6cfd1f9bcd2358a69fb571f4b3af049b630d52647d906822dbedac03e84e4f63 category: main optional: false - - name: addfips - version: 0.4.0 + - name: fqdn + version: 1.5.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - importlib_resources: ">=5.0" - python: ">=3.7.5" - url: https://conda.anaconda.org/conda-forge/noarch/addfips-0.4.0-pyhd8ed1ab_1.conda + cached-property: ">=1.3.0" + python: ">=2.7,<4" + url: https://conda.anaconda.org/conda-forge/noarch/fqdn-1.5.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: cb434d01bfd3ba57c54a423f3773ffda - sha256: c6f7bf91f19ad4fdd183efde6346a0dfd3df7929f413c9535e19c51610b4f671 + md5: 642d35437078749ef23a5dca2c9bb1f3 + sha256: 6cfd1f9bcd2358a69fb571f4b3af049b630d52647d906822dbedac03e84e4f63 category: main optional: false - - name: aniso8601 - version: 9.0.1 - manager: conda - platform: linux-64 - dependencies: - python: ">=2.7" - python-dateutil: "" - url: https://conda.anaconda.org/conda-forge/noarch/aniso8601-9.0.1-pyhd8ed1ab_0.tar.bz2 - hash: - md5: 36fba1a639f2d24723c5480345b78553 - sha256: 201c040b6ee0045805a777f75f37a8648eb8dfd4725d62a4fcddc24d7d6c2a9f - category: dev - optional: true - - name: argon2-cffi-bindings - version: 21.2.0 + - name: freetype + version: 2.12.1 manager: conda platform: linux-64 dependencies: - cffi: ">=1.0.1" libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/argon2-cffi-bindings-21.2.0-py311h459d7ec_4.conda + libpng: ">=1.6.39,<1.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/freetype-2.12.1-h267a509_2.conda hash: - md5: de5b16869a430949b02161b04b844a30 - sha256: 104194af519b4e667aa5341068b94b521a791aaaa05ec0091f8f0bdba43a60ac + md5: 9ae35c3d96db2c94ce0cef86efdfa2cb + sha256: b2e3c449ec9d907dd4656cb0dc93e140f447175b125a3824b31368b06c666bb6 category: main optional: false - - name: arrow - version: 1.3.0 + - name: freetype + version: 2.12.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - python-dateutil: ">=2.7.0" - types-python-dateutil: ">=2.8.10" - url: https://conda.anaconda.org/conda-forge/noarch/arrow-1.3.0-pyhd8ed1ab_0.conda + libpng: ">=1.6.39,<1.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/freetype-2.12.1-h60636b9_2.conda hash: - md5: b77d8c2313158e6e461ca0efb1c2c508 - sha256: ff49825c7f9e29e09afa6284300810e7a8640d621740efb47c4541f4dc4969db + md5: 25152fce119320c980e5470e64834b50 + sha256: b292cf5a25f094eeb4b66e37d99a97894aafd04a5683980852a8cbddccdc8e4e category: main optional: false - - name: async-timeout - version: 4.0.3 + - name: freetype + version: 2.12.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing-extensions: ">=3.6.5" - url: https://conda.anaconda.org/conda-forge/noarch/async-timeout-4.0.3-pyhd8ed1ab_0.conda + libpng: ">=1.6.39,<1.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/freetype-2.12.1-hadb7bae_2.conda hash: - md5: 3ce482ec3066e6d809dbbb1d1679f215 - sha256: bd8b698e7f037a9c6107216646f1191f4f7a7fc6da6c34d1a6d4c211bcca8979 + md5: e6085e516a3e304ce41a8ee08b9b89ad + sha256: 791673127e037a2dc0eebe122dc4f904cb3f6e635bb888f42cbe1a76b48748d9 category: main optional: false - - name: aws-c-s3 - version: 0.3.24 + - name: freexl + version: 2.0.0 manager: conda platform: linux-64 dependencies: - aws-c-auth: ">=0.7.7,<0.7.8.0a0" - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" + libexpat: ">=2.5.0,<3.0a0" libgcc-ng: ">=12" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-c-s3-0.3.24-hdb3bed3_1.conda + libiconv: ">=1.17,<2.0a0" + minizip: ">=4.0.1,<5.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/freexl-2.0.0-h743c826_0.conda hash: - md5: de14e39bcd4721b040f77aa37f241ff1 - sha256: 421069b755bf6f0091ef168d718612503b820005af3306781d4583e193d14a2e + md5: 12e6988845706b2cfbc3bc35c9a61a95 + sha256: 9213f60ba710ecfd3632ce47e036775c9f15ce80a6682ff63cbf12d9dddd5382 category: main optional: false - - name: botocore - version: 1.32.3 + - name: freexl + version: 2.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - jmespath: ">=0.7.1,<2.0.0" - python: ">=3.7" - python-dateutil: ">=2.1,<3.0.0" - urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.3-pyhd8ed1ab_0.conda + libexpat: ">=2.5.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + minizip: ">=4.0.1,<5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/freexl-2.0.0-h3ec172f_0.conda hash: - md5: 475a711b6ce1effb487afda9ea6bd3c8 - sha256: 3fc12b5154c48132ce5bd9abdc5fc55ef4433d42245dbcdaf3065cabb60b8295 + md5: 640c34a8084e2a812bcee5b804597fc9 + sha256: 9d59f1894c3b526e6806e376e979b81d0df23a836415122b86458aef72cda24a category: main optional: false - - name: branca - version: 0.7.0 + - name: freexl + version: 2.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - jinja2: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/branca-0.7.0-pyhd8ed1ab_1.conda + libexpat: ">=2.5.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + minizip: ">=4.0.1,<5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/freexl-2.0.0-hfbad9fb_0.conda hash: - md5: 980ae382aec2ebb7c20e8848f4d695d7 - sha256: 9013b381e6745a7f717b7f742d3fe366ba619f1670da0d849ae589c4e88b0dbc + md5: 40722e5f48287567cda6fb2ec1f7891b + sha256: 9cb4957d1431bc57bc95b1e99a50669d91ac3441226a78f69fa030d52f2bda77 category: main optional: false - - name: croniter - version: 2.0.1 + - name: fribidi + version: 1.0.10 manager: conda platform: linux-64 dependencies: - python: ">=3.7" - python-dateutil: "" - pytz: ">2021.1" - url: https://conda.anaconda.org/conda-forge/noarch/croniter-2.0.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/fribidi-1.0.10-h36c2ea0_0.tar.bz2 hash: - md5: f67f52c1f555785b86c3bd8e5de4c66f - sha256: 0a39004b6e4ddff1a323432c0790d61a8885f35af9e60cc7e76ad8f6d43e3f34 - category: main - optional: false - - name: cryptography - version: 41.0.5 - manager: conda - platform: linux-64 - dependencies: - cffi: ">=1.12" - libgcc-ng: ">=12" - openssl: ">=3.1.4,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/cryptography-41.0.5-py311h63ff55d_0.conda + md5: ac7bc6a654f8f41b352b38f4051135f8 + sha256: 5d7b6c0ee7743ba41399e9e05a58ccc1cfc903942e49ff6f677f6e423ea7a627 + category: dev + optional: true + - name: fribidi + version: 1.0.10 + manager: conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/fribidi-1.0.10-hbcb3906_0.tar.bz2 hash: - md5: 22584e5c97ed8f1a6b63a0ff43dba827 - sha256: 236ed2218fb857fecaa11fc7fee23574f683b3d03576f8f26f628b7fd2ced5fa - category: main - optional: false - - name: fqdn - version: 1.5.1 + md5: f1c6b41e0f56998ecd9a3e210faa1dc0 + sha256: 4f6db86ecc4984cd4ac88ca52030726c3cfd11a64dfb15c8602025ee3001a2b5 + category: dev + optional: true + - name: fribidi + version: 1.0.10 + manager: conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/fribidi-1.0.10-h27ca646_0.tar.bz2 + hash: + md5: c64443234ff91d70cb9c7dc926c58834 + sha256: 4b37ea851a2cf85edf0a63d2a63266847ec3dcbba4a31156d430cdd6aa811303 + category: dev + optional: true + - name: frictionless + version: 4.40.8 manager: conda platform: linux-64 dependencies: - cached-property: ">=1.3.0" - python: ">=2.7,<4" - url: https://conda.anaconda.org/conda-forge/noarch/fqdn-1.5.1-pyhd8ed1ab_0.tar.bz2 + chardet: ">=3.0" + isodate: ">=0.6" + jinja2: ">=3.0.3" + jsonschema: ">=2.5" + marko: ">=1.0" + petl: ">=1.6" + python: ">=3.6" + python-dateutil: ">=2.8" + python-slugify: ">=1.2" + pyyaml: ">=5.3" + requests: ">=2.10" + rfc3986: ">=1.4" + simpleeval: ">=0.9.11" + stringcase: ">=1.2" + tabulate: ">=0.8.10" + typer: ">=0.5" + validators: ">=0.18" + url: https://conda.anaconda.org/conda-forge/noarch/frictionless-4.40.8-pyh6c4a22f_0.tar.bz2 hash: - md5: 642d35437078749ef23a5dca2c9bb1f3 - sha256: 6cfd1f9bcd2358a69fb571f4b3af049b630d52647d906822dbedac03e84e4f63 + md5: d2791ef8f6c1252aa8d2e2001a603815 + sha256: 0d7d669d92aa4ecf08effb64aea4c98aa65607bdb98e7b82627b7c43556dd9bc category: main optional: false - - name: geotiff - version: 1.7.1 + - name: frictionless + version: 4.40.8 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libstdcxx-ng: ">=12" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - proj: ">=9.3.0,<9.3.1.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/geotiff-1.7.1-hf074850_14.conda + python: ">=3.6" + pyyaml: ">=5.3" + jsonschema: ">=2.5" + chardet: ">=3.0" + python-dateutil: ">=2.8" + isodate: ">=0.6" + requests: ">=2.10" + python-slugify: ">=1.2" + stringcase: ">=1.2" + petl: ">=1.6" + validators: ">=0.18" + rfc3986: ">=1.4" + tabulate: ">=0.8.10" + marko: ">=1.0" + simpleeval: ">=0.9.11" + jinja2: ">=3.0.3" + typer: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/frictionless-4.40.8-pyh6c4a22f_0.tar.bz2 hash: - md5: 1d53ee057d8481bd2b4c2c34c8e92aac - sha256: b00958767cb5607bdb3bbcec0b2056b3e48c0f9e34c31ed8ac01c9bd36704dab + md5: d2791ef8f6c1252aa8d2e2001a603815 + sha256: 0d7d669d92aa4ecf08effb64aea4c98aa65607bdb98e7b82627b7c43556dd9bc category: main optional: false - - name: gitpython - version: 3.1.40 + - name: frictionless + version: 4.40.8 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - gitdb: ">=4.0.1,<5" - python: ">=3.7" - typing_extensions: ">=3.7.4.3" - url: https://conda.anaconda.org/conda-forge/noarch/gitpython-3.1.40-pyhd8ed1ab_0.conda + python: ">=3.6" + pyyaml: ">=5.3" + jsonschema: ">=2.5" + chardet: ">=3.0" + python-dateutil: ">=2.8" + isodate: ">=0.6" + requests: ">=2.10" + python-slugify: ">=1.2" + stringcase: ">=1.2" + petl: ">=1.6" + validators: ">=0.18" + rfc3986: ">=1.4" + tabulate: ">=0.8.10" + marko: ">=1.0" + simpleeval: ">=0.9.11" + jinja2: ">=3.0.3" + typer: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/frictionless-4.40.8-pyh6c4a22f_0.tar.bz2 hash: - md5: 6bf74c3b7c13079a91d4bd3da51cefcf - sha256: 6b85809ffbfe5c1887b674bf0492cc4dd1ac8a25f4d9fa20ef404be92186259b + md5: d2791ef8f6c1252aa8d2e2001a603815 + sha256: 0d7d669d92aa4ecf08effb64aea4c98aa65607bdb98e7b82627b7c43556dd9bc category: main optional: false - - name: google-crc32c - version: 1.1.2 + - name: frozenlist + version: 1.4.0 manager: conda platform: linux-64 dependencies: - cffi: ">=1.0.0" - libcrc32c: ">=1.1.2,<1.2.0a0" libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/google-crc32c-1.1.2-py311h9b08b9c_5.conda + url: https://conda.anaconda.org/conda-forge/linux-64/frozenlist-1.4.0-py311h459d7ec_1.conda hash: - md5: 59b908ae2a7e328eae0ccb03fa3fa0dd - sha256: bbd6d4a5d91b8a9e783a03240e906d3cb6fee85ca912f900c46ef027a9eaa289 + md5: 23d0b2d02252b32ee14e5063ccfb41e2 + sha256: aa832b23e1cce4530fef50e87de95132ba29fb4731848b2c7d3d91f863d2b7f3 category: main optional: false - - name: googleapis-common-protos - version: 1.61.0 + - name: frozenlist + version: 1.4.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/frozenlist-1.4.0-py311h2725bcf_1.conda hash: - md5: f315d7fdc1905dcc2e18a1c7bed22fa9 - sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e + md5: 43a86b4653a43d76f3d6859a5a077ceb + sha256: d94ac2d88ac46097c9d0c98a42e6f6ee92219824b5e71053a84decd0daad7c81 category: main optional: false - - name: gql - version: 3.4.1 - manager: conda - platform: linux-64 - dependencies: - backoff: ">=1.11.1,<3.0" - graphql-core: ">=3.2,<3.3" - python: ">=3.6" - yarl: ">=1.6,<2.0" - url: https://conda.anaconda.org/conda-forge/noarch/gql-3.4.1-pyhd8ed1ab_0.conda - hash: - md5: 6ad94588f33ddb97175c7f22feef7d2c - sha256: 6025dcd91083fe1d3f38172d18d041b0c1da4d9d86606a18312efd429c99b93e - category: dev - optional: true - - name: graphql-relay - version: 3.2.0 + - name: frozenlist + version: 1.4.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - graphql-core: ">=3.2,<3.3" - python: ">=3.6" - typing_extensions: ">=4.1,<5" - url: https://conda.anaconda.org/conda-forge/noarch/graphql-relay-3.2.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/frozenlist-1.4.0-py311heffc1b2_1.conda hash: - md5: 1b2b83e3528f8fb83007161eff51073d - sha256: 04f2a3383e74421441e46eaed4c32940682c1de82036fd1b6f18663d6d5447c4 - category: dev - optional: true - - name: grpcio-health-checking - version: 1.59.2 + md5: 38016fce1505beb7f18bcb86ee02d276 + sha256: 48e086e66914cde5e4d76d855312be8faabb16df7062aad5915be31ee12dee44 + category: main + optional: false + - name: fsspec + version: 2023.10.0 manager: conda platform: linux-64 dependencies: - grpcio: ">=1.59.2" - protobuf: ">=3.12.1" - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/grpcio-health-checking-1.59.2-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.10.0-pyhca7485f_0.conda hash: - md5: 8b85dc4c1a577f1823b394d5071052de - sha256: b77ffee9cbd731caa6eca7487286bc65551729744a89ecb3335ca220fec4061d + md5: 5b86cf1ceaaa9be2ec4627377e538db1 + sha256: 1bbdfadb93cc768252fd207dca406cde928f9a81ff985ea1760b6539c55923e6 category: main optional: false - - name: harfbuzz - version: 8.3.0 + - name: fsspec + version: 2023.10.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cairo: ">=1.18.0,<2.0a0" - freetype: ">=2.12.1,<3.0a0" - graphite2: "" - icu: ">=73.2,<74.0a0" - libgcc-ng: ">=12" - libglib: ">=2.78.1,<3.0a0" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/harfbuzz-8.3.0-h3d44ed6_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.10.0-pyhca7485f_0.conda hash: - md5: 5a6f6c00ef982a9bc83558d9ac8f64a0 - sha256: 4b55aea03b18a4084b750eee531ad978d4a3690f63019132c26c6ad26bbe3aed - category: dev - optional: true - - name: httpcore - version: 1.0.2 + md5: 5b86cf1ceaaa9be2ec4627377e538db1 + sha256: 1bbdfadb93cc768252fd207dca406cde928f9a81ff985ea1760b6539c55923e6 + category: main + optional: false + - name: fsspec + version: 2023.10.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - anyio: ">=3.0,<5.0" - certifi: "" - h11: ">=0.13,<0.15" - h2: ">=3,<5" python: ">=3.8" - sniffio: 1.* - url: https://conda.anaconda.org/conda-forge/noarch/httpcore-1.0.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.10.0-pyhca7485f_0.conda hash: - md5: 48995b2157996a94f50fa483d884e0a3 - sha256: b9a2ec0ecdaf54d67caf73d8a94c8ddba62f482093a5adbfb89c2ce020d64475 + md5: 5b86cf1ceaaa9be2ec4627377e538db1 + sha256: 1bbdfadb93cc768252fd207dca406cde928f9a81ff985ea1760b6539c55923e6 category: main optional: false - - name: importlib_metadata - version: 6.8.0 + - name: furo + version: 2023.9.10 manager: conda platform: linux-64 dependencies: - importlib-metadata: ">=6.8.0,<6.8.1.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/importlib_metadata-6.8.0-hd8ed1ab_0.conda - hash: - md5: b279b07ce18058034e5b3606ba103a8b - sha256: b96e01dc42d547d6d9ceb1c5b52a5232cc04e40153534350f702c3e0418a6b3f - category: main - optional: false - - name: jsonschema-specifications - version: 2023.11.1 - manager: conda - platform: linux-64 - dependencies: - importlib_resources: ">=1.4.0" - python: ">=3.8" - referencing: ">=0.31.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda + beautifulsoup4: "" + pygments: ">=2.7" + python: ">=3.7" + sphinx: ">=6.0,<8.0" + sphinx-basic-ng: "" + url: https://conda.anaconda.org/conda-forge/noarch/furo-2023.9.10-pyhd8ed1ab_0.conda hash: - md5: 094ff9cf36957f95bb74cee42ab140b2 - sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 + md5: 0dcfacf6d3e49f2957c69c81356cf892 + sha256: 95f69e36078dd598f5b28b2e0d7ff94946170af9f990b7474ee5501378203bc3 category: main optional: false - - name: jupyter_server_terminals - version: 0.4.4 + - name: furo + version: 2023.9.10 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.8" - terminado: ">=0.8.3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server_terminals-0.4.4-pyhd8ed1ab_1.conda + beautifulsoup4: "" + sphinx-basic-ng: "" + python: ">=3.7" + pygments: ">=2.7" + sphinx: ">=6.0,<8.0" + url: https://conda.anaconda.org/conda-forge/noarch/furo-2023.9.10-pyhd8ed1ab_0.conda hash: - md5: 7c0965e1d4a0ee1529e8eaa03a78a5b3 - sha256: 9f4c5fef9beef9fceed628db7a10b888f3308b37ae257ad3d50046088317ebf1 + md5: 0dcfacf6d3e49f2957c69c81356cf892 + sha256: 95f69e36078dd598f5b28b2e0d7ff94946170af9f990b7474ee5501378203bc3 category: main optional: false - - name: kealib - version: 1.5.2 + - name: furo + version: 2023.9.10 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/kealib-1.5.2-hcd42e92_1.conda + beautifulsoup4: "" + sphinx-basic-ng: "" + python: ">=3.7" + pygments: ">=2.7" + sphinx: ">=6.0,<8.0" + url: https://conda.anaconda.org/conda-forge/noarch/furo-2023.9.10-pyhd8ed1ab_0.conda hash: - md5: b04c039f0bd511533a0d8bc8a7b6835e - sha256: 1278aaba7bfd9a143a58a2d5e13296702b6bd77f7b43f6ecace555a55579bdad + md5: 0dcfacf6d3e49f2957c69c81356cf892 + sha256: 95f69e36078dd598f5b28b2e0d7ff94946170af9f990b7474ee5501378203bc3 category: main optional: false - - name: libnetcdf - version: 4.9.2 + - name: gcsfs + version: 2023.10.0 manager: conda platform: linux-64 dependencies: - blosc: ">=1.21.4,<2.0a0" - bzip2: ">=1.0.8,<2.0a0" - hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" - libaec: ">=1.0.6,<2.0a0" - libcurl: ">=8.2.1,<9.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" - libzip: ">=1.10.1,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - zlib: "" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libnetcdf-4.9.2-nompi_h80fb2b6_112.conda + aiohttp: "" + decorator: ">4.1.2" + fsspec: 2023.10.0 + google-auth: ">=1.2" + google-auth-oauthlib: "" + google-cloud-storage: ">1.40" + python: ">=3.7" + requests: "" + url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.10.0-pyhd8ed1ab_0.conda hash: - md5: a19fa6cacf80c8a366572853d5890eb4 - sha256: 305ffc3ecaffce10754e4d057daa9803e8dc86d68b14524a791c7dc5598c1d2f + md5: 500521931bdcc0f6d19c1c2e2ab4a5d9 + sha256: dd7559c5297359e475a125742e9cb30938579e93a17ce7537af64a04c98407a5 category: main optional: false - - name: libspatialite - version: 5.1.0 + - name: gcsfs + version: 2023.10.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - freexl: ">=2.0.0,<3.0a0" - geos: ">=3.12.0,<3.12.1.0a0" - libgcc-ng: ">=12" - librttopo: ">=1.1.0,<1.2.0a0" - libsqlite: ">=3.44.0,<4.0a0" - libstdcxx-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - proj: ">=9.3.0,<9.3.1.0a0" - sqlite: "" - zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/libspatialite-5.1.0-h090f1da_1.conda + requests: "" + aiohttp: "" + google-auth-oauthlib: "" + python: ">=3.7" + google-auth: ">=1.2" + decorator: ">4.1.2" + google-cloud-storage: ">1.40" + fsspec: 2023.10.0 + url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.10.0-pyhd8ed1ab_0.conda hash: - md5: 9a2d6acaa8ce6d53a150248e7b11165e - sha256: c00eb70e8cf3778bffd04a9551e205e399d16e83a04f55ec392c3163b93d4feb + md5: 500521931bdcc0f6d19c1c2e2ab4a5d9 + sha256: dd7559c5297359e475a125742e9cb30938579e93a17ce7537af64a04c98407a5 category: main optional: false - - name: mako - version: 1.3.0 + - name: gcsfs + version: 2023.10.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - importlib-metadata: "" - markupsafe: ">=0.9.2" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mako-1.3.0-pyhd8ed1ab_0.conda + requests: "" + aiohttp: "" + google-auth-oauthlib: "" + python: ">=3.7" + google-auth: ">=1.2" + decorator: ">4.1.2" + google-cloud-storage: ">1.40" + fsspec: 2023.10.0 + url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.10.0-pyhd8ed1ab_0.conda hash: - md5: 92ca4a92d34ed6e8fa38d93c8552c346 - sha256: b3c0353790ae5a5ebb54aa339661083a6234e5193e758668e62ba36c48dc3c94 + md5: 500521931bdcc0f6d19c1c2e2ab4a5d9 + sha256: dd7559c5297359e475a125742e9cb30938579e93a17ce7537af64a04c98407a5 category: main optional: false - - name: numpy - version: 1.26.0 + - name: gdal + version: 3.8.0 manager: conda platform: linux-64 dependencies: - libblas: ">=3.9.0,<4.0a0" - libcblas: ">=3.9.0,<4.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" libgcc-ng: ">=12" - liblapack: ">=3.9.0,<4.0a0" + libgdal: 3.8.0 libstdcxx-ng: ">=12" + libxml2: ">=2.11.6,<2.12.0a0" + numpy: ">=1.23.5,<2.0a0" + openssl: ">=3.1.4,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/numpy-1.26.0-py311h64a7726_0.conda - hash: - md5: bf16a9f625126e378302f08e7ed67517 - sha256: 0aab5cef67cc2a1cd584f6e9cc6f2065c7a28c142d7defcb8096e8f719d9b3bf - category: main - optional: false - - name: pbr - version: 6.0.0 - manager: conda - platform: linux-64 - dependencies: - pip: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pbr-6.0.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/gdal-3.8.0-py311h815a124_5.conda hash: - md5: 8dbab5ba746ed14aa32cb232dc437f8f - sha256: 4c83853fc6349de163c2871613e064e5fdab91723db9b50bcda681adc05e4b87 + md5: 040d92b41d0de19c92855c58ad23d185 + sha256: 6b880918cc1617b45bf7a0b720c11159bbc22af9056e5d56f3661517d9750969 category: main optional: false - - name: pendulum - version: 2.1.2 + - name: gdal + version: 3.8.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" + __osx: ">=10.9" + hdf5: ">=1.14.2,<1.14.3.0a0" + libcxx: ">=16.0.6" + libgdal: 3.8.0 + libxml2: ">=2.11.6,<2.12.0a0" + numpy: ">=1.23.5,<2.0a0" + openssl: ">=3.1.4,<4.0a0" python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.6,<3.0" python_abi: 3.11.* - pytzdata: ">=2020.1" - url: https://conda.anaconda.org/conda-forge/linux-64/pendulum-2.1.2-py311h459d7ec_6.conda + url: https://conda.anaconda.org/conda-forge/osx-64/gdal-3.8.0-py311h5646c56_5.conda hash: - md5: 7ada98068961b6a6f1f620dcbfedd1ec - sha256: 59a97ea22e5bbc42981af7625b780b29eee6680bd91c52695b4e388ce786e65b + md5: 02d2d20f8016023b204a4dc9cf88bb2a + sha256: 3153441d108199de23283d53d1694c94d994aeb6d29a9c0a1ca8802a51cc6b9d category: main optional: false - - name: platformdirs - version: 3.11.0 + - name: gdal + version: 3.8.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing-extensions: ">=4.6.3" - url: https://conda.anaconda.org/conda-forge/noarch/platformdirs-3.11.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + hdf5: ">=1.14.2,<1.14.3.0a0" + libcxx: ">=16.0.6" + libgdal: 3.8.0 + libxml2: ">=2.11.6,<2.12.0a0" + numpy: ">=1.23.5,<2.0a0" + openssl: ">=3.1.4,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/gdal-3.8.0-py311h32a4f3d_5.conda hash: - md5: 8f567c0a74aa44cf732f15773b4083b0 - sha256: b3d809ff5a18ee8514bba8bc05a23b4cdf1758090a18a2cf742af38aed405144 + md5: e483f74da71cd836190839bcdb0dab60 + sha256: ae48338ec415c9c1a3c75669d2ed9fa714eb6f9d118c4f69d28bc8865e9064dc category: main optional: false - - name: poppler - version: 23.11.0 + - name: gdk-pixbuf + version: 2.42.10 manager: conda platform: linux-64 dependencies: - cairo: ">=1.18.0,<2.0a0" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - lcms2: ">=2.15,<3.0a0" - libcurl: ">=8.4.0,<9.0a0" libgcc-ng: ">=12" libglib: ">=2.78.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" libjpeg-turbo: ">=3.0.0,<4.0a0" libpng: ">=1.6.39,<1.7.0a0" - libstdcxx-ng: ">=12" libtiff: ">=4.6.0,<4.7.0a0" libzlib: ">=1.2.13,<1.3.0a0" - nspr: ">=4.35,<5.0a0" - nss: ">=3.94,<4.0a0" - openjpeg: ">=2.5.0,<3.0a0" - poppler-data: "" - url: https://conda.anaconda.org/conda-forge/linux-64/poppler-23.11.0-h590f24d_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/gdk-pixbuf-2.42.10-h829c605_4.conda hash: - md5: 671439d8eca2084bb5a75561fff23a85 - sha256: 8050002e01be124efcb82e32e740676f5ed7dfe852f335408554e6dc3b060ad9 - category: main - optional: false - - name: psycopg2-binary - version: 2.9.7 + md5: 252a696860674caf7a855e16f680d63a + sha256: 884992d0665a0a5c728943d99b5fba30fd6911bb84eee622fa7ad8a4fa9f6cf7 + category: dev + optional: true + - name: gdk-pixbuf + version: 2.42.10 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - psycopg2: ">=2.9.7,<2.9.8.0a0" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda + libglib: ">=2.78.0,<3.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/gdk-pixbuf-2.42.10-hbb5a27d_4.conda hash: - md5: 0212a5c5ae1ab578853364bfc5d9f657 - sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 - category: main - optional: false - - name: pybtex - version: 0.24.0 + md5: 72c45a278f6250c087c2389bcdcc9fd4 + sha256: b19b3bda07c97d7b550d2fd45c813a1af15ed21d274aa280debf81d07f6edf11 + category: dev + optional: true + - name: gdk-pixbuf + version: 2.42.10 + manager: conda + platform: osx-arm64 + dependencies: + libglib: ">=2.78.0,<3.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/gdk-pixbuf-2.42.10-h15fa40c_4.conda + hash: + md5: ed5cfaa924087471c439d94a0e393364 + sha256: d0ec06b17a6c9aa13e56b7ce188b061ffb11f5e964cade7e4757156dca2aa5a7 + category: dev + optional: true + - name: geopandas + version: 0.14.1 manager: conda platform: linux-64 dependencies: - latexcodec: ">=1.0.4" - python: ">=3.6" - pyyaml: ">=3.01" - setuptools: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/pybtex-0.24.0-pyhd8ed1ab_2.tar.bz2 + fiona: ">=1.8.21" + folium: "" + geopandas-base: 0.14.1 + mapclassify: ">=2.4.0" + matplotlib-base: "" + python: ">=3.9" + rtree: "" + xyzservices: "" + url: https://conda.anaconda.org/conda-forge/noarch/geopandas-0.14.1-pyhd8ed1ab_0.conda hash: - md5: 2099b86a7399c44c0c61cdb6de6915ba - sha256: 258fbf46050bbd51fbaa504116e56e8f3064156f0e08cad4e2fec97f5f29e6dc + md5: 6ce5f89fb1e2aa7e04d12c0008b3a745 + sha256: f3563ad6f1a55587c097337ece863e583c796c9a9df3ecb396bbfeec4ec309fb category: main optional: false - - name: pydantic - version: 1.10.13 + - name: geopandas + version: 0.14.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - typing-extensions: ">=4.2.0" - url: https://conda.anaconda.org/conda-forge/linux-64/pydantic-1.10.13-py311h459d7ec_1.conda + matplotlib-base: "" + rtree: "" + folium: "" + xyzservices: "" + python: ">=3.9" + mapclassify: ">=2.4.0" + fiona: ">=1.8.21" + geopandas-base: 0.14.1 + url: https://conda.anaconda.org/conda-forge/noarch/geopandas-0.14.1-pyhd8ed1ab_0.conda hash: - md5: 8a92f40420211897a35841861e7e8348 - sha256: f2d3a838fc90699c5dcd537aff10c78b33bd755232d0b21b26247cbf185cced7 + md5: 6ce5f89fb1e2aa7e04d12c0008b3a745 + sha256: f3563ad6f1a55587c097337ece863e583c796c9a9df3ecb396bbfeec4ec309fb category: main optional: false - - name: pyproj - version: 3.6.1 + - name: geopandas + version: 0.14.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - certifi: "" - libgcc-ng: ">=12" - proj: ">=9.3.0,<9.3.1.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/pyproj-3.6.1-py311h1facc83_4.conda + matplotlib-base: "" + rtree: "" + folium: "" + xyzservices: "" + python: ">=3.9" + mapclassify: ">=2.4.0" + fiona: ">=1.8.21" + geopandas-base: 0.14.1 + url: https://conda.anaconda.org/conda-forge/noarch/geopandas-0.14.1-pyhd8ed1ab_0.conda hash: - md5: 75d504c6787edc377ebdba087a26a61b - sha256: 4eb94c421b5c635b770e5fbd2774cf1dd4570ad69baf1c248f978943df352896 + md5: 6ce5f89fb1e2aa7e04d12c0008b3a745 + sha256: f3563ad6f1a55587c097337ece863e583c796c9a9df3ecb396bbfeec4ec309fb category: main optional: false - - name: pytest-console-scripts - version: 1.4.1 + - name: geopandas-base + version: 0.14.1 manager: conda platform: linux-64 dependencies: - importlib-metadata: ">=3.6" - pytest: ">=4.0.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-console-scripts-1.4.1-pyhd8ed1ab_0.conda + packaging: "" + pandas: ">=1.4.0" + pyproj: ">=3.3.0" + python: ">=3.9" + shapely: ">=1.8.0" + url: https://conda.anaconda.org/conda-forge/noarch/geopandas-base-0.14.1-pyha770c72_0.conda hash: - md5: ee8808504c73665bed76e20ede28bd56 - sha256: d6603e211019f2581c9f3c0922133b190a46e4ceaad3e3e0e6149f31bc593fa1 + md5: d65c6f458bfdaa181f388d91e858ea67 + sha256: c813004bb84e50de19f599b188719e40106c858c7da22e504b29ce66e5043361 category: main optional: false - - name: pytest-cov - version: 4.1.0 + - name: geopandas-base + version: 0.14.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - coverage: ">=5.2.1" - pytest: ">=4.6" - python: ">=3.7" - toml: "" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-cov-4.1.0-pyhd8ed1ab_0.conda + packaging: "" + python: ">=3.9" + pandas: ">=1.4.0" + shapely: ">=1.8.0" + pyproj: ">=3.3.0" + url: https://conda.anaconda.org/conda-forge/noarch/geopandas-base-0.14.1-pyha770c72_0.conda hash: - md5: 06eb685a3a0b146347a58dda979485da - sha256: f07d3b44cabbed7843de654c4a6990a08475ce3b708bb735c7da9842614586f2 + md5: d65c6f458bfdaa181f388d91e858ea67 + sha256: c813004bb84e50de19f599b188719e40106c858c7da22e504b29ce66e5043361 category: main optional: false - - name: pytest-mock - version: 3.12.0 + - name: geopandas-base + version: 0.14.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - pytest: ">=5.0" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-mock-3.12.0-pyhd8ed1ab_0.conda + packaging: "" + python: ">=3.9" + pandas: ">=1.4.0" + shapely: ">=1.8.0" + pyproj: ">=3.3.0" + url: https://conda.anaconda.org/conda-forge/noarch/geopandas-base-0.14.1-pyha770c72_0.conda hash: - md5: ac9fedc9a0c397f2318e82525491dd83 - sha256: 58d3bd93a0cf9b51ac105de1e01b1fcd1fcfa5993023b67658344e329b02d6e0 + md5: d65c6f458bfdaa181f388d91e858ea67 + sha256: c813004bb84e50de19f599b188719e40106c858c7da22e504b29ce66e5043361 category: main optional: false - - name: pytest-xdist - version: 3.4.0 + - name: geos + version: 3.12.0 manager: conda platform: linux-64 dependencies: - execnet: ">=1.1" - pytest: ">=6.2.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-xdist-3.4.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/geos-3.12.0-h59595ed_0.conda hash: - md5: b8dc6f9db1b9670e564b68277a79ffeb - sha256: b835170885a0d2b4bfdc7bc5d09e5a175518f41b6ffa1a0ac891797cd94e3292 + md5: 3fdf79ef322c8379ae83be491d805369 + sha256: c80ff0ed71db0d56567ee87df28bc442b596330ac241ab86f488e3139f0e2cae category: main optional: false - - name: python-build - version: 1.0.3 + - name: geos + version: 3.12.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - colorama: "" - importlib-metadata: ">=4.6" - packaging: ">=19.0" - pyproject_hooks: "" - python: ">=3.7" - tomli: ">=1.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/python-build-1.0.3-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/geos-3.12.0-he965462_0.conda hash: - md5: d9ccabf228cb98419ca3d5694b25e1a2 - sha256: f32748beb76abf5173ee956f30a82c9e9b4a3d9924b0960f1e19e267ea4f01de + md5: 264a53af0fb378e81b44e45e5ab5aff1 + sha256: e84ff98270717ae49aeba6788476d3569ad33993a46d33d727ee528fb3386a58 category: main optional: false - - name: requests - version: 2.31.0 + - name: geos + version: 3.12.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - certifi: ">=2017.4.17" - charset-normalizer: ">=2,<4" - idna: ">=2.5,<4" - python: ">=3.7" - urllib3: ">=1.21.1,<3" - url: https://conda.anaconda.org/conda-forge/noarch/requests-2.31.0-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/geos-3.12.0-h13dd4ca_0.conda hash: - md5: a30144e4156cdbb236f99ebb49828f8b - sha256: 9f629d6fd3c8ac5f2a198639fe7af87c4db2ac9235279164bfe0fcb49d8c4bad + md5: 18eb5904d2561c782e71bfe05b2ad755 + sha256: 8c21acd399d7509f6a7c7b65d5415e9500333a043f44dee063942d724adffc4a category: main optional: false - - name: rich - version: 13.7.0 + - name: geotiff + version: 1.7.1 manager: conda platform: linux-64 dependencies: - markdown-it-py: ">=2.2.0" - pygments: ">=2.13.0,<3.0.0" - python: ">=3.7.0" - typing_extensions: ">=4.0.0,<5.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/rich-13.7.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libstdcxx-ng: ">=12" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + proj: ">=9.3.0,<9.3.1.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/geotiff-1.7.1-hf074850_14.conda hash: - md5: d7a11d4f3024b2f4a6e0ae7377dd61e9 - sha256: 4bb25bf1f5664772b2c4c2e3878aa6e7dc2695f97e3da4ee8e47c51e179913bb + md5: 1d53ee057d8481bd2b4c2c34c8e92aac + sha256: b00958767cb5607bdb3bbcec0b2056b3e48c0f9e34c31ed8ac01c9bd36704dab category: main optional: false - - name: stack_data - version: 0.6.2 + - name: geotiff + version: 1.7.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - asttokens: "" - executing: "" - pure_eval: "" - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/stack_data-0.6.2-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + proj: ">=9.3.0,<9.3.1.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/geotiff-1.7.1-h889ec99_14.conda hash: - md5: e7df0fdd404616638df5ece6e69ba7af - sha256: a58433e75229bec39f3be50c02efbe9b7083e53a1f31d8ee247564f370191eec + md5: c994aeaa43a92403ecc723dba66b3f1f + sha256: 2d6d54763b4cc41a90d7ca810681c44eaff077027a7b6f5df676736fa0299746 category: main optional: false - - name: starlette - version: 0.32.0.post1 + - name: geotiff + version: 1.7.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - anyio: <5,>=3.4.0 - python: ">=3.8" - typing_extensions: ">=3.10.0" - url: https://conda.anaconda.org/conda-forge/noarch/starlette-0.32.0.post1-pyhd8ed1ab_0.conda - hash: - md5: 9aa6d56db739eee2ff473becbe178fd1 - sha256: 9692b83467670b473dc71137376f735249ef2ee6eeefce9068b0dec94810c24c - category: dev - optional: true - - name: tiledb - version: 2.16.3 - manager: conda - platform: linux-64 - dependencies: - bzip2: ">=1.0.8,<2.0a0" - libabseil: ">=20230802.0,<20230803.0a0" - libgcc-ng: ">=12" - libgoogle-cloud: ">=2.12.0,<2.13.0a0" - libstdcxx-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" + libcxx: ">=15.0.7" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - openssl: ">=3.1.2,<4.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/tiledb-2.16.3-h8c794c1_3.conda + proj: ">=9.3.0,<9.3.1.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/geotiff-1.7.1-h71398c0_14.conda hash: - md5: 7de728789b0aba16018f726dc5ddbec2 - sha256: f021df4b9cfd1a54aac87a6c0bac604edc8ffb36d5b2c4aa20bf2d759ae04a11 + md5: f2a5ed847c17df7b45467210f5a7c15d + sha256: 0af388cc45d1813c57ba5f30032b22a8fdf9bc2762bacf4101168009d51d24ce category: main optional: false - - name: ukkonen - version: 1.0.1 + - name: gettext + version: 0.21.1 manager: conda platform: linux-64 dependencies: - cffi: "" libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/ukkonen-1.0.1-py311h9547e67_4.conda + url: https://conda.anaconda.org/conda-forge/linux-64/gettext-0.21.1-h27087fc_0.tar.bz2 hash: - md5: 586da7df03b68640de14dc3e8bcbf76f - sha256: c2d33e998f637b594632eba3727529171a06eb09896e36aa42f1ebcb03779472 + md5: 14947d8770185e5153fdd04d4673ed37 + sha256: 4fcfedc44e4c9a053f0416f9fc6ab6ed50644fca3a761126dbd00d09db1f546a category: main optional: false - - name: uvicorn - version: 0.24.0 + - name: gettext + version: 0.21.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - click: ">=7.0" - h11: ">=0.8" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-0.24.0-py311h38be061_0.conda + libiconv: ">=1.17,<2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/gettext-0.21.1-h8a4c099_0.tar.bz2 hash: - md5: a6eb331b0b42251227dbdfb5838c287b - sha256: df5269d01ba7ae8fa7cc0d822a63db7a646005c689e8a90083f145a707df6035 + md5: 1e3aff29ce703d421c43f371ad676cc5 + sha256: 915d3cd2d777b9b3fc2e87a25901b8e4a6aa1b2b33cf2ba54e9e9ed4f6b67d94 category: main optional: false - - name: watchfiles - version: 0.20.0 + - name: gettext + version: 0.21.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - anyio: ">=3.0.0" - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/watchfiles-0.20.0-py311h46250e7_2.conda + libiconv: ">=1.17,<2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/gettext-0.21.1-h0186832_0.tar.bz2 hash: - md5: 19667098320c065048a8e483ac860051 - sha256: 2ca7e2ebbc165401723801e9a366fb314726b375574ca635ab78527ae9363cf3 - category: dev - optional: true - - name: wcwidth - version: 0.2.10 + md5: 63d2ff6fddfa74e5458488fd311bf635 + sha256: 093b2f96dc4b48e4952ab8946facec98b34b708a056251fc19c23c3aad30039e + category: main + optional: false + - name: gflags + version: 2.2.2 manager: conda platform: linux-64 dependencies: - backports.functools_lru_cache: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/wcwidth-0.2.10-pyhd8ed1ab_0.conda + libgcc-ng: ">=7.5.0" + libstdcxx-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/gflags-2.2.2-he1b5a44_1004.tar.bz2 hash: - md5: 48978e4e99db7d1ee0d277f6dee20684 - sha256: e988673c05416073d0e776bac223b6c79fb5cc1207291c6c6f9e238624a135c0 + md5: cddaf2c63ea4a5901cf09524c490ecdc + sha256: a853c0cacf53cfc59e1bca8d6e5cdfe9f38fce836f08c2a69e35429c2a492e77 category: main optional: false - - name: aiohttp - version: 3.8.6 + - name: gflags + version: 2.2.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - aiosignal: ">=1.1.2" - async-timeout: <5.0,>=4.0.0a3 - attrs: ">=17.3.0" - charset-normalizer: ">=2.0,<4.0" - frozenlist: ">=1.1.1" - libgcc-ng: ">=12" - multidict: ">=4.5,<7.0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - yarl: ">=1.0,<2.0" - url: https://conda.anaconda.org/conda-forge/linux-64/aiohttp-3.8.6-py311h459d7ec_1.conda + libcxx: ">=10.0.1" + url: https://conda.anaconda.org/conda-forge/osx-64/gflags-2.2.2-hb1e8313_1004.tar.bz2 hash: - md5: 7d4b63a745f293029b5689b0b5d8aa15 - sha256: 690f7ca719e99d47728c392ab0f5f362013852800db41702c29d219c8e380976 + md5: 3f59cc77a929537e42120faf104e0d16 + sha256: 39540f879057ae529cad131644af111a8c3c48b384ec6212de6a5381e0863948 category: main optional: false - - name: alembic - version: 1.12.1 + - name: gflags + version: 2.2.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - importlib-metadata: "" - importlib_resources: "" - mako: "" - python: ">=3.7" - sqlalchemy: ">=1.3.0" - typing-extensions: ">=4" - url: https://conda.anaconda.org/conda-forge/noarch/alembic-1.12.1-pyhd8ed1ab_0.conda + libcxx: ">=11.0.0.rc1" + url: https://conda.anaconda.org/conda-forge/osx-arm64/gflags-2.2.2-hc88da5d_1004.tar.bz2 hash: - md5: 15de9992b4096a2a6656ca202fde6e4c - sha256: 24019b1af4777e32843b230dd7a9bf7082943eb21bba03379ceed0bda50facf9 + md5: aab9ddfad863e9ef81229a1f8852211b + sha256: 25d4a20af2e5ace95fdec88970f6d190e77e20074d2f6d3cef766198b76a4289 category: main optional: false - - name: arelle-release - version: 2.17.4 + - name: giflib + version: 5.2.1 manager: conda platform: linux-64 dependencies: - certifi: "" - isodate: 0.* - lxml: 4.* - numpy: 1.* - openpyxl: 3.* - pyparsing: 3.* - python: ">=3.8" - python-dateutil: 2.* - regex: "" - url: https://conda.anaconda.org/conda-forge/noarch/arelle-release-2.17.4-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/giflib-5.2.1-h0b41bf4_3.conda hash: - md5: 66972cbec7556aa94aba3da76b408f19 - sha256: a30a66c040021c396a99bf862ad78181a4888e67b2ac51ac7e21422c4165986c + md5: 96f3b11872ef6fad973eac856cd2624f + sha256: 41ec165704ccce2faa0437f4f53c03c06261a2cc9ff7614828e51427d9261f4b category: main optional: false - - name: argon2-cffi - version: 23.1.0 + - name: giflib + version: 5.2.1 manager: conda - platform: linux-64 - dependencies: - argon2-cffi-bindings: "" - python: ">=3.7" - typing-extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/argon2-cffi-23.1.0-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/giflib-5.2.1-hb7f2c08_3.conda hash: - md5: 3afef1f55a1366b4d3b6a0d92e2235e4 - sha256: 130766446f5507bd44df957b6b5c898a8bd98f024bb426ed6cb9ff1ad67fc677 + md5: aca150b0186836f893ebac79019e5498 + sha256: 47515e0874bcf67e438e1d5d093b074c1781f055067195f0d00a7790a56d446d category: main optional: false - - name: aws-crt-cpp - version: 0.24.7 + - name: giflib + version: 5.2.1 manager: conda - platform: linux-64 - dependencies: - aws-c-auth: ">=0.7.7,<0.7.8.0a0" - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-c-mqtt: ">=0.9.9,<0.9.10.0a0" - aws-c-s3: ">=0.3.24,<0.3.25.0a0" - aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-crt-cpp-0.24.7-hd0f6be0_2.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/giflib-5.2.1-h1a8c8d9_3.conda hash: - md5: dad2a20d6cec858052e7fdb6ee6741d7 - sha256: 8082e5ae80900e04321d08c41772469bc89714e78b8b331d3d7b0a278cf22cb2 + md5: f39a05d3dbb0e5024b7deabb2c0993f1 + sha256: dbf1e431d3e5e03f8eeb77ec08a4c5d6d5d9af84dbef13d4365e397dd389beb8 category: main optional: false - - name: black - version: 23.10.1 + - name: gitdb + version: 4.0.11 manager: conda platform: linux-64 dependencies: - click: ">=8.0.0" - mypy_extensions: ">=0.4.3" - packaging: ">=22.0" - pathspec: ">=0.9" - platformdirs: ">=2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/black-23.10.1-py311h38be061_0.conda + python: ">=3.7" + smmap: ">=3.0.1,<6" + url: https://conda.anaconda.org/conda-forge/noarch/gitdb-4.0.11-pyhd8ed1ab_0.conda hash: - md5: 17874858641cb402ad73b9adb0e11a27 - sha256: f2114740c055ca5d250e363eec69d0181c2ae5b6ead7597762cf766eaa40fe1d + md5: 623b19f616f2ca0c261441067e18ae40 + sha256: 52ab2798be31b8f509eeec458712f447ced4f96ecb672c6c9a42778f47e07b1b category: main optional: false - - name: bottleneck - version: 1.3.7 + - name: gitdb + version: 4.0.11 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/bottleneck-1.3.7-py311h1f0f07a_1.conda + python: ">=3.7" + smmap: ">=3.0.1,<6" + url: https://conda.anaconda.org/conda-forge/noarch/gitdb-4.0.11-pyhd8ed1ab_0.conda hash: - md5: f12c27e2cf84d2bd9f306d05f07cfc2b - sha256: 1968e28f8c6e96643d9a863ea6b5146ab1bb710c4e66c737c3b628b0f0ba32b2 + md5: 623b19f616f2ca0c261441067e18ae40 + sha256: 52ab2798be31b8f509eeec458712f447ced4f96ecb672c6c9a42778f47e07b1b category: main optional: false - - name: cachecontrol - version: 0.13.1 + - name: gitdb + version: 4.0.11 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - msgpack-python: ">=0.5.2" python: ">=3.7" - requests: ">=2.16.0" - url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-0.13.1-pyhd8ed1ab_0.conda + smmap: ">=3.0.1,<6" + url: https://conda.anaconda.org/conda-forge/noarch/gitdb-4.0.11-pyhd8ed1ab_0.conda hash: - md5: 174bd699bb5aa9e2622eb4b288276ff8 - sha256: aae7ab3a54989f9bf9273e4a17c911ba339a8b9354250bc11fb8eff2e3f4be60 + md5: 623b19f616f2ca0c261441067e18ae40 + sha256: 52ab2798be31b8f509eeec458712f447ced4f96ecb672c6c9a42778f47e07b1b category: main optional: false - - name: contourpy - version: 1.2.0 - manager: conda - platform: linux-64 - dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - numpy: ">=1.20,<2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/contourpy-1.2.0-py311h9547e67_0.conda - hash: - md5: 40828c5b36ef52433e21f89943e09f33 - sha256: 2c76e2a970b74eef92ef9460aa705dbdc506dd59b7382bfbedce39d9c189d7f4 - category: main - optional: false - - name: dask-core - version: 2023.11.0 + - name: gitpython + version: 3.1.40 manager: conda platform: linux-64 dependencies: - click: ">=8.1" - cloudpickle: ">=1.5.0" - fsspec: ">=2021.09.0" - importlib_metadata: ">=4.13.0" - packaging: ">=20.0" - partd: ">=1.2.0" - python: ">=3.9" - pyyaml: ">=5.3.1" - toolz: ">=0.10.0" - url: https://conda.anaconda.org/conda-forge/noarch/dask-core-2023.11.0-pyhd8ed1ab_0.conda + gitdb: ">=4.0.1,<5" + python: ">=3.7" + typing_extensions: ">=3.7.4.3" + url: https://conda.anaconda.org/conda-forge/noarch/gitpython-3.1.40-pyhd8ed1ab_0.conda hash: - md5: 3bf8f5c3fbab9e0cfffdf5914f021854 - sha256: f23b4e5d8f118d9d7916d8def04dab9a299d73879216da72dd7168c1c30ecb9e + md5: 6bf74c3b7c13079a91d4bd3da51cefcf + sha256: 6b85809ffbfe5c1887b674bf0492cc4dd1ac8a25f4d9fa20ef404be92186259b category: main optional: false - - name: dnspython - version: 2.4.2 + - name: gitpython + version: 3.1.40 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cryptography: ">=2.6,<42.0" - httpcore: ">=0.17.3" - idna: ">=2.1,<4.0" - python: ">=3.8.0,<4.0.0" - sniffio: "" - url: https://conda.anaconda.org/conda-forge/noarch/dnspython-2.4.2-pyhd8ed1ab_1.conda + python: ">=3.7" + typing_extensions: ">=3.7.4.3" + gitdb: ">=4.0.1,<5" + url: https://conda.anaconda.org/conda-forge/noarch/gitpython-3.1.40-pyhd8ed1ab_0.conda hash: - md5: b9657eab1e69207feba4f21fa1207b03 - sha256: eb7de9ddc2c3a5aef78d6c74d2652ada0e1d47e11304953e65b3c7dfd8290f18 + md5: 6bf74c3b7c13079a91d4bd3da51cefcf + sha256: 6b85809ffbfe5c1887b674bf0492cc4dd1ac8a25f4d9fa20ef404be92186259b category: main optional: false - - name: ensureconda - version: 1.4.3 + - name: gitpython + version: 3.1.40 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - appdirs: "" - click: ">=5.1" - filelock: "" python: ">=3.7" - requests: ">=2" - url: https://conda.anaconda.org/conda-forge/noarch/ensureconda-1.4.3-pyhd8ed1ab_0.tar.bz2 + typing_extensions: ">=3.7.4.3" + gitdb: ">=4.0.1,<5" + url: https://conda.anaconda.org/conda-forge/noarch/gitpython-3.1.40-pyhd8ed1ab_0.conda hash: - md5: c99ae3abf501990769047b4b40a98f17 - sha256: b71784b6c24d2320b2f796d074e75e7dd1be7b7fc0f719c5cf3a582270b368d6 + md5: 6bf74c3b7c13079a91d4bd3da51cefcf + sha256: 6b85809ffbfe5c1887b674bf0492cc4dd1ac8a25f4d9fa20ef404be92186259b category: main optional: false - - name: folium - version: 0.15.0 + - name: glog + version: 0.6.0 manager: conda platform: linux-64 dependencies: - branca: ">=0.7.0" - jinja2: ">=2.9" - numpy: "" - python: ">=3.7" - requests: "" - url: https://conda.anaconda.org/conda-forge/noarch/folium-0.15.0-pyhd8ed1ab_0.conda + gflags: ">=2.2.2,<2.3.0a0" + libgcc-ng: ">=10.3.0" + libstdcxx-ng: ">=10.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/glog-0.6.0-h6f12383_0.tar.bz2 hash: - md5: 25f5dbce4f946240dea7d2ee79d34254 - sha256: afe869f136fca1dbda8be0c342392fda99d951c4c4612f134a70efbf5449ef30 + md5: b31f3565cb84435407594e548a2fb7b2 + sha256: 888cbcfb67f6e3d88a4c4ab9d26c9a406f620c4101a35dc6d2dbadb95f2221d4 category: main optional: false - - name: google-resumable-media - version: 2.6.0 + - name: glog + version: 0.6.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - google-crc32c: ">=1.0,<2.0.0dev" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/google-resumable-media-2.6.0-pyhd8ed1ab_0.conda + gflags: ">=2.2.2,<2.3.0a0" + libcxx: ">=12.0.1" + url: https://conda.anaconda.org/conda-forge/osx-64/glog-0.6.0-h8ac2a54_0.tar.bz2 hash: - md5: 74fd9d08866e60fc412abc8dd7c5486c - sha256: 9e61d4ac7027b6447e83ab4b91fccc4baef6d1ba9490e20d06754254f7616bf5 + md5: 69eb97ca709a136c53fdca1f2fd33ddf + sha256: fdb38560094fb4a952346dc72a79b3cb09e23e4d0cae9ba4f524e6e88203d3c8 category: main optional: false - - name: graphene - version: "3.3" - manager: conda - platform: linux-64 - dependencies: - aniso8601: ">=8,<10" - graphql-core: ">=3.1,<3.3" - graphql-relay: ">=3.1,<3.3" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/graphene-3.3-pyhd8ed1ab_0.conda - hash: - md5: ed2ae94977dfd96566e6eaf373216728 - sha256: 8b4e2c1d326849c0094f9e96a9833addb10f638be67bb0590836720879697ec6 - category: dev - optional: true - - name: grpcio-status - version: 1.59.2 + - name: glog + version: 0.6.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - googleapis-common-protos: ">=1.5.5" - grpcio: ">=1.59.2" - protobuf: ">=4.21.6" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/grpcio-status-1.59.2-pyhd8ed1ab_0.conda + gflags: ">=2.2.2,<2.3.0a0" + libcxx: ">=12.0.1" + url: https://conda.anaconda.org/conda-forge/osx-arm64/glog-0.6.0-h6da1cb0_0.tar.bz2 hash: - md5: 5bed0b44f99ef55c0470d2c610fbbac6 - sha256: 9513c5dd0f7fbdba8dfe70ed4e1f7591fa1c49520e06f9f0202c514475dd4257 + md5: 5a570729c7709399cf8511aeeda6f989 + sha256: 4d772c42477f64be708594ac45870feba3e838977871118eb25e00deb0e9a73c category: main optional: false - - name: h3-py - version: 3.7.6 + - name: gmp + version: 6.3.0 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" libstdcxx-ng: ">=12" - numpy: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/h3-py-3.7.6-py311hb755f60_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/gmp-6.3.0-h59595ed_0.conda hash: - md5: 9a688ad1ba707128952ab37ee99ad78d - sha256: 3b1f22bae640b2769474e837ef750fca806a4ed6ceb1f096976d4c86ab30f47a + md5: 0e33ef437202db431aa5a928248cf2e8 + sha256: 2a50495b6bbbacb03107ea0b752d8358d4a40b572d124a8cade068c147f344f5 category: main optional: false - - name: httpx - version: 0.25.1 + - name: google-api-core + version: 2.14.0 manager: conda platform: linux-64 dependencies: - anyio: "" - certifi: "" - httpcore: "" - idna: "" - python: ">=3.8" - sniffio: "" - url: https://conda.anaconda.org/conda-forge/noarch/httpx-0.25.1-pyhd8ed1ab_0.conda + google-auth: ">=2.14.1,<3.0.dev0" + googleapis-common-protos: ">=1.56.2,<2.0.dev0" + protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" + python: ">=3.7" + requests: ">=2.18.0,<3.0.0.dev0" + url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda hash: - md5: 3e00320730cb93fa4941a0cbea0db572 - sha256: fbf9e61459b65022eecbdbb19ec2dc83740374e7db981732d687456e5bcdff72 + md5: cebe18c719a6818849b921748aa91750 + sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc category: main optional: false - - name: identify - version: 2.5.31 + - name: google-api-core + version: 2.14.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.6" - ukkonen: "" - url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.31-pyhd8ed1ab_0.conda + python: ">=3.7" + google-auth: ">=2.14.1,<3.0.dev0" + googleapis-common-protos: ">=1.56.2,<2.0.dev0" + protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" + requests: ">=2.18.0,<3.0.0.dev0" + url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda hash: - md5: fea10604a45e974b110ea15a88913ebc - sha256: a56ec678a4e58d0a450174fd813581e961829def274453e093c9dae836b80cee + md5: cebe18c719a6818849b921748aa91750 + sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc category: main optional: false - - name: isoduration - version: 20.11.0 + - name: google-api-core + version: 2.14.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - arrow: ">=0.15.0" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/isoduration-20.11.0-pyhd8ed1ab_0.tar.bz2 + google-auth: ">=2.14.1,<3.0.dev0" + googleapis-common-protos: ">=1.56.2,<2.0.dev0" + protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" + requests: ">=2.18.0,<3.0.0.dev0" + url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda hash: - md5: 4cb68948e0b8429534380243d063a27a - sha256: 7bb5c4d994361022f47a807b5e7d101b3dce16f7dd8a0af6ffad9f479d346493 + md5: cebe18c719a6818849b921748aa91750 + sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc category: main optional: false - - name: jsonschema - version: 4.20.0 + - name: google-auth + version: 2.23.4 manager: conda platform: linux-64 dependencies: - attrs: ">=22.2.0" - importlib_resources: ">=1.4.0" - jsonschema-specifications: ">=2023.03.6" - pkgutil-resolve-name: ">=1.3.10" - python: ">=3.8" - referencing: ">=0.28.4" - rpds-py: ">=0.7.1" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-4.20.0-pyhd8ed1ab_0.conda + aiohttp: ">=3.6.2,<4.0.0" + cachetools: ">=2.0.0,<6.0" + cryptography: ">=38.0.3" + pyasn1-modules: ">=0.2.1" + pyopenssl: ">=20.0.0" + python: ">=3.7" + pyu2f: ">=0.1.5" + requests: ">=2.20.0,<3.0.0" + rsa: ">=3.1.4,<5" + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda hash: - md5: 1116d79def5268414fb0917520b2bbf1 - sha256: 77aae609097d06deedb8ef8407a44b23d5fef95962ba6fe1c959ac7bd6195296 + md5: 9ad01e23627db9def3104ba78fd19229 + sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 category: main optional: false - - name: jupyter_core - version: 5.5.0 + - name: google-auth + version: 2.23.4 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - platformdirs: ">=2.5" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/linux-64/jupyter_core-5.5.0-py311h38be061_0.conda + python: ">=3.7" + pyasn1-modules: ">=0.2.1" + rsa: ">=3.1.4,<5" + pyopenssl: ">=20.0.0" + pyu2f: ">=0.1.5" + requests: ">=2.20.0,<3.0.0" + cachetools: ">=2.0.0,<6.0" + aiohttp: ">=3.6.2,<4.0.0" + cryptography: ">=38.0.3" + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda hash: - md5: cee83be29258275f75029125e186ab6d - sha256: 60bfaec278b3ea4462abd8321b47412864c54bd63575e2698da81c5755e617c1 - category: main + md5: 9ad01e23627db9def3104ba78fd19229 + sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 + category: main optional: false - - name: libgdal - version: 3.8.0 + - name: google-auth + version: 2.23.4 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - __glibc: ">=2.17,<3.0.a0" - blosc: ">=1.21.5,<2.0a0" - cfitsio: ">=4.3.0,<4.3.1.0a0" - freexl: ">=2.0.0,<3.0a0" - geos: ">=3.12.0,<3.12.1.0a0" - geotiff: ">=1.7.1,<1.8.0a0" - giflib: ">=5.2.1,<5.3.0a0" - hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" - json-c: ">=0.17,<0.18.0a0" - kealib: ">=1.5.2,<1.6.0a0" - lerc: ">=4.0.0,<5.0a0" - libaec: ">=1.1.2,<2.0a0" - libarchive: ">=3.7.2,<3.8.0a0" - libcurl: ">=8.4.0,<9.0a0" - libdeflate: ">=1.19,<1.20.0a0" - libexpat: ">=2.5.0,<3.0a0" - libgcc-ng: ">=12" - libiconv: ">=1.17,<2.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libkml: ">=1.3.0,<1.4.0a0" - libnetcdf: ">=4.9.2,<4.9.3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libpq: ">=16.1,<17.0a0" - libspatialite: ">=5.1.0,<5.2.0a0" - libsqlite: ">=3.44.0,<4.0a0" - libstdcxx-ng: ">=12" - libtiff: ">=4.6.0,<4.7.0a0" - libuuid: ">=2.38.1,<3.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - openjpeg: ">=2.5.0,<3.0a0" - openssl: ">=3.1.4,<4.0a0" - pcre2: ">=10.42,<10.43.0a0" - poppler: ">=23.11.0,<23.12.0a0" - postgresql: "" - proj: ">=9.3.0,<9.3.1.0a0" - tiledb: ">=2.16,<2.17.0a0" - xerces-c: ">=3.2.4,<3.3.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libgdal-3.8.0-h12dd931_4.conda + python: ">=3.7" + pyasn1-modules: ">=0.2.1" + rsa: ">=3.1.4,<5" + pyopenssl: ">=20.0.0" + pyu2f: ">=0.1.5" + requests: ">=2.20.0,<3.0.0" + cachetools: ">=2.0.0,<6.0" + aiohttp: ">=3.6.2,<4.0.0" + cryptography: ">=38.0.3" + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda hash: - md5: 6c55ed78178c9f6b49a5f69d2b39e1f4 - sha256: fb22df87932dae21ee78abfd09d1b1ff75e9649f69ebd58284e0e07ea938b717 + md5: 9ad01e23627db9def3104ba78fd19229 + sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 category: main optional: false - - name: numba - version: 0.58.1 + - name: google-auth-oauthlib + version: 1.1.0 manager: conda platform: linux-64 dependencies: - _openmp_mutex: ">=4.5" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - llvmlite: ">=0.41.1,<0.42.0a0" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/numba-0.58.1-py311h96b013e_0.conda + click: ">=6.0.0" + google-auth: ">=2.15.0" + python: ">=3.6" + requests-oauthlib: ">=0.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-oauthlib-1.1.0-pyhd8ed1ab_0.conda hash: - md5: 06a0313ff3d2ec956a25767ccaf7c9f6 - sha256: 9061328d0fa03fc0bf40136c366399107dcede6004dcabd4bf553f60f55b86bf + md5: ffa1e2fd52bc00ec0fc5680a2f4bd167 + sha256: fc12c5a06b4d073c855cc2c43edff0b444af7b0db860f578fee1486769af0f21 category: main optional: false - - name: numexpr - version: 2.8.7 + - name: google-auth-oauthlib + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - nomkl: "" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/numexpr-2.8.7-py311h039bad6_104.conda + python: ">=3.6" + requests-oauthlib: ">=0.7.0" + click: ">=6.0.0" + google-auth: ">=2.15.0" + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-oauthlib-1.1.0-pyhd8ed1ab_0.conda hash: - md5: 525b0f41e7fcf20a17787be9e2896f49 - sha256: 2e20fd9d64638c8c8ca18bc14a075856da99ddfab7fb318ab51ca94486b5561d + md5: ffa1e2fd52bc00ec0fc5680a2f4bd167 + sha256: fc12c5a06b4d073c855cc2c43edff0b444af7b0db860f578fee1486769af0f21 category: main optional: false - - name: oauthlib - version: 3.2.2 + - name: google-auth-oauthlib + version: 1.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - blinker: "" - cryptography: "" - pyjwt: ">=1.0.0" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/oauthlib-3.2.2-pyhd8ed1ab_0.tar.bz2 + requests-oauthlib: ">=0.7.0" + click: ">=6.0.0" + google-auth: ">=2.15.0" + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-oauthlib-1.1.0-pyhd8ed1ab_0.conda hash: - md5: 8f882b197fd9c4941a787926baea4868 - sha256: 0cfd5146a91d3974f4abfc2a45de890371d510a77238fe553e036ec8c031dc5b + md5: ffa1e2fd52bc00ec0fc5680a2f4bd167 + sha256: fc12c5a06b4d073c855cc2c43edff0b444af7b0db860f578fee1486769af0f21 category: main optional: false - - name: pandas - version: 2.1.3 + - name: google-cloud-core + version: 2.3.3 manager: conda platform: linux-64 dependencies: - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.8.1" - python-tzdata: ">=2022a" - python_abi: 3.11.* - pytz: ">=2020.1" - url: https://conda.anaconda.org/conda-forge/linux-64/pandas-2.1.3-py311h320fe9a_0.conda + google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" + google-auth: ">=1.25.0,<3.0dev" + grpcio: ">=1.38.0,<2.0.0dev" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda hash: - md5: 3ea3486e16d559dfcb539070ed330a1e - sha256: d69759f8e5f3dcae2562e177cdfde5a45e4cd38db732301812aa558c1c80db57 + md5: a26b1fa8555cc1d2f0f7ff9985303e66 + sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e category: main optional: false - - name: pango - version: 1.50.14 + - name: google-cloud-core + version: 2.3.3 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cairo: ">=1.16.0,<2.0a0" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - fribidi: ">=1.0.10,<2.0a0" - harfbuzz: ">=8.1.1,<9.0a0" - libgcc-ng: ">=12" - libglib: ">=2.76.4,<3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/pango-1.50.14-ha41ecd1_2.conda + python: ">=3.7" + google-auth: ">=1.25.0,<3.0dev" + google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" + grpcio: ">=1.38.0,<2.0.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda hash: - md5: 1a66c10f6a0da3dbd2f3a68127e7f6a0 - sha256: 6ecce306b7ac4acf1184eb5b045e57e613e19e99c27d57f33eb255f8a9120a93 - category: dev - optional: true - - name: prompt-toolkit - version: 3.0.41 + md5: a26b1fa8555cc1d2f0f7ff9985303e66 + sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + category: main + optional: false + - name: google-cloud-core + version: 2.3.3 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: python: ">=3.7" - wcwidth: "" - url: https://conda.anaconda.org/conda-forge/noarch/prompt-toolkit-3.0.41-pyha770c72_0.conda + google-auth: ">=1.25.0,<3.0dev" + google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" + grpcio: ">=1.38.0,<2.0.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda hash: - md5: f511a993aa4336bef9dd874ee3403e67 - sha256: e26a5554883a0eada3641b6d861d8cb4895e2c7fcc17a587de07b8b1ecbfff0f + md5: a26b1fa8555cc1d2f0f7ff9985303e66 + sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e category: main optional: false - - name: pybtex-docutils - version: 1.0.3 + - name: google-cloud-sdk + version: 455.0.0 manager: conda platform: linux-64 dependencies: - docutils: ">=0.14" - pybtex: ">=0.16" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/linux-64/pybtex-docutils-1.0.3-py311h38be061_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/google-cloud-sdk-455.0.0-py311h38be061_0.conda hash: - md5: 137a63bd93d3e1a2b6812119b671f44e - sha256: 2b7057a1529e190689c141d4a76a7ae2f9f978870737d7e11c3a8e03ad5b27cb + md5: 1505ce6a9284c331e05de23b56d023ff + sha256: 17c439e5b01341a4aae55a2f1841878244d25b365cef52b39fb9bfd3e30c8315 category: main optional: false - - name: pyopenssl - version: 23.3.0 + - name: google-cloud-sdk + version: 455.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cryptography: ">=41.0.5,<42" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pyopenssl-23.3.0-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/google-cloud-sdk-455.0.0-py311h6eed73b_0.conda hash: - md5: 7819533e674dbbc51468f3228b9b1bb6 - sha256: f7e04c4a49b1593140231d70801e2204e314e26d7141bfbdc8089d04114c0010 + md5: 0a635aa75ccc84e4dd16e06b559d3d49 + sha256: 8e133ed925ed75409a354b564ff2ebc2ebb3ebdd659f2d190b4c198b164c6f8e category: main optional: false - - name: readthedocs-sphinx-ext - version: 2.2.3 + - name: google-cloud-sdk + version: 455.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - jinja2: ">=2.9" - packaging: "" - python: ">=3.6" - requests: "" - url: https://conda.anaconda.org/conda-forge/noarch/readthedocs-sphinx-ext-2.2.3-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/google-cloud-sdk-455.0.0-py311h267d04e_0.conda hash: - md5: 6bc1a00f5502f9ed13526e4c6bea6900 - sha256: 464cfb706266a2dfbee7d0226c83114c9868a65f9fc7e05b223faac8bd2b3f8e + md5: 2f60b4b18d39e85bdf3557f19bd407be + sha256: 9511a6c98a01a1e5013c73d8e7cb0d1200643e9d531cbc49ebebfb5cd9e71f27 category: main optional: false - - name: requests-toolbelt - version: 0.10.1 + - name: google-cloud-storage + version: 2.13.0 manager: conda platform: linux-64 dependencies: + google-api-core: ">=1.31.5,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" + google-auth: ">=2.23.3,<3.0dev" + google-cloud-core: ">=2.3.0,<3.0dev" + google-crc32c: ">=1.0,<2.0dev" + google-resumable-media: ">=2.6.0" + protobuf: <5.0.0dev python: ">=3.6" - requests: ">=2.0.1,<=3.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/requests-toolbelt-0.10.1-pyhd8ed1ab_0.tar.bz2 + requests: ">=2.18.0,<3.0.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-storage-2.13.0-pyhca7485f_0.conda hash: - md5: a4cd20af9711434f89d1ec0d2b3ae6ba - sha256: 7f4c9c829add7a65a1f536c30539c541bb3c9dddbd03d7ba318f224b4add0d6d - category: dev - optional: true - - name: responses - version: 0.24.1 + md5: fa7d4b2576d98b63d8ca84c76052eb95 + sha256: 8aeb7dc1298845316e9289100c5e54a9eb403c4244621d15654266c7dd225f16 + category: main + optional: false + - name: google-cloud-storage + version: 2.13.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.7" - pyyaml: "" - requests: ">=2.30.0,<3.0" - types-pyyaml: "" - typing_extensions: "" - urllib3: ">=1.25.10,<3.0" - url: https://conda.anaconda.org/conda-forge/noarch/responses-0.24.1-pyhd8ed1ab_0.conda + python: ">=3.6" + requests: ">=2.18.0,<3.0.0dev" + google-api-core: ">=1.31.5,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" + google-cloud-core: ">=2.3.0,<3.0dev" + google-crc32c: ">=1.0,<2.0dev" + protobuf: <5.0.0dev + google-resumable-media: ">=2.6.0" + google-auth: ">=2.23.3,<3.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-storage-2.13.0-pyhca7485f_0.conda hash: - md5: b1b80aaa77d5e83183cd0c9e9025b1fa - sha256: 35a1cc20beca329bfa2b17feeb5ca66a2741bdccf39621dfe386f48206e73d67 + md5: fa7d4b2576d98b63d8ca84c76052eb95 + sha256: 8aeb7dc1298845316e9289100c5e54a9eb403c4244621d15654266c7dd225f16 category: main optional: false - - name: s3transfer - version: 0.7.0 + - name: google-cloud-storage + version: 2.13.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - botocore: ">=1.12.36,<2.0a.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_0.conda + python: ">=3.6" + requests: ">=2.18.0,<3.0.0dev" + google-api-core: ">=1.31.5,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" + google-cloud-core: ">=2.3.0,<3.0dev" + google-crc32c: ">=1.0,<2.0dev" + protobuf: <5.0.0dev + google-resumable-media: ">=2.6.0" + google-auth: ">=2.23.3,<3.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-storage-2.13.0-pyhca7485f_0.conda hash: - md5: 5fe335cb1420d13a818fe01310af2b80 - sha256: 5ed09d013ad7f2c2f65d1637c04ee19da242ef9bed0d86aa9faae2c48aaa255d + md5: fa7d4b2576d98b63d8ca84c76052eb95 + sha256: 8aeb7dc1298845316e9289100c5e54a9eb403c4244621d15654266c7dd225f16 category: main optional: false - - name: scipy - version: 1.11.3 + - name: google-crc32c + version: 1.1.2 manager: conda platform: linux-64 dependencies: - libblas: ">=3.9.0,<4.0a0" - libcblas: ">=3.9.0,<4.0a0" + cffi: ">=1.0.0" + libcrc32c: ">=1.1.2,<1.2.0a0" libgcc-ng: ">=12" - libgfortran-ng: "" - libgfortran5: ">=12.3.0" - liblapack: ">=3.9.0,<4.0a0" - libstdcxx-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/scipy-1.11.3-py311h64a7726_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/google-crc32c-1.1.2-py311h9b08b9c_5.conda hash: - md5: e4b4d3b764e2d029477d0db88248a8b5 - sha256: 13ea70afe49a3c92fb9b82a6efcfa23a05ca8f24ec2dff22597d651e0e2b4767 + md5: 59b908ae2a7e328eae0ccb03fa3fa0dd + sha256: bbd6d4a5d91b8a9e783a03240e906d3cb6fee85ca912f900c46ef027a9eaa289 category: main optional: false - - name: secretstorage - version: 3.3.3 + - name: google-crc32c + version: 1.1.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cryptography: "" - dbus: "" - jeepney: ">=0.6" + cffi: ">=1.0.0" + libcrc32c: ">=1.1.2,<1.2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/secretstorage-3.3.3-py311h38be061_2.conda + url: https://conda.anaconda.org/conda-forge/osx-64/google-crc32c-1.1.2-py311h0b57020_5.conda hash: - md5: 30a57eaa8e72cb0c2c84d6d7db32010c - sha256: 45e7d85a3663993e8bffdb7c6040561923c848e3262228b163042663caa4485e + md5: bc176084bd6ba0a97bfdead25850957a + sha256: 76bb1245e20a8e63d671fd6343cc87417156a66197d85d47e9d2288731ba784a category: main optional: false - - name: shapely - version: 2.0.2 + - name: google-crc32c + version: 1.1.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - geos: ">=3.12.0,<3.12.1.0a0" - libgcc-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" + cffi: ">=1.0.0" + libcrc32c: ">=1.1.2,<1.2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/shapely-2.0.2-py311he06c224_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/google-crc32c-1.1.2-py311h533d1a3_5.conda hash: - md5: c90e2469d7512f3bba893533a82d7a02 - sha256: 2a02e516c57a2122cf9acaec54b75a821ad5f959a7702b17cb8df2c3fe31ef20 + md5: b884d02272be40f69bff016a9214722c + sha256: 6bf42988b7d723a9a8742544ed2c85f58ce56802fe74f8dbf39bba3e97f167b8 category: main optional: false - - name: stevedore - version: 5.1.0 + - name: google-resumable-media + version: 2.6.0 manager: conda platform: linux-64 dependencies: - pbr: "!=2.1.0,>=2.0.0" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/stevedore-5.1.0-pyhd8ed1ab_0.conda + google-crc32c: ">=1.0,<2.0.0dev" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/google-resumable-media-2.6.0-pyhd8ed1ab_0.conda hash: - md5: 55864c50fd9354fd19f6a5078a068170 - sha256: 69b779f4cdb0b84f87067414bcccaffc83c6d734dac84523c40115c383a2e2d5 + md5: 74fd9d08866e60fc412abc8dd7c5486c + sha256: 9e61d4ac7027b6447e83ab4b91fccc4baef6d1ba9490e20d06754254f7616bf5 category: main optional: false - - name: typeguard - version: 4.1.5 + - name: google-resumable-media + version: 2.6.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - importlib_metadata: ">=3.6" - python: ">=3.8" - typing_extensions: ">=4.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/typeguard-4.1.5-pyhd8ed1ab_1.conda + python: ">=3.7" + google-crc32c: ">=1.0,<2.0.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-resumable-media-2.6.0-pyhd8ed1ab_0.conda hash: - md5: 59d22e0ca481b057b94d54fc9ebacb13 - sha256: df63f90625d2eaefcb6990437b941c1c90ec3c224bc65a2becac928542d0aa5f + md5: 74fd9d08866e60fc412abc8dd7c5486c + sha256: 9e61d4ac7027b6447e83ab4b91fccc4baef6d1ba9490e20d06754254f7616bf5 category: main optional: false - - name: typer - version: 0.9.0 + - name: google-resumable-media + version: 2.6.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - click: ">=7.1.1,<9" - colorama: ">=0.4.3,<0.5.0" - python: ">=3.6" - rich: ">=10.11.0,<14.0.0" - shellingham: ">=1.3.0,<2.0.0" - typing-extensions: ">=3.7.4.3" - url: https://conda.anaconda.org/conda-forge/noarch/typer-0.9.0-pyhd8ed1ab_0.conda + python: ">=3.7" + google-crc32c: ">=1.0,<2.0.0dev" + url: https://conda.anaconda.org/conda-forge/noarch/google-resumable-media-2.6.0-pyhd8ed1ab_0.conda hash: - md5: 5030a13b2fe5e143d5956d4943d3018f - sha256: d395e1e92281abb13e043220ecf8ea973ada8d38a1e8c683df14f46541c64bd2 + md5: 74fd9d08866e60fc412abc8dd7c5486c + sha256: 9e61d4ac7027b6447e83ab4b91fccc4baef6d1ba9490e20d06754254f7616bf5 category: main optional: false - - name: uvicorn-standard - version: 0.24.0 - manager: conda - platform: linux-64 - dependencies: - httptools: ">=0.5.0" - python-dotenv: ">=0.13" - python_abi: 3.11.* - pyyaml: ">=5.1" - uvicorn: 0.24.0 - uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" - watchfiles: ">=0.13" - websockets: ">=10.4" - url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-standard-0.24.0-h38be061_0.conda - hash: - md5: e8143a99cadb40ba9542e6e9ff15d862 - sha256: dc23a3aff61791522ab1d924c0f6b67468c3c72772c5ca690158c160ae42ac33 - category: dev - optional: true - - name: virtualenv - version: 20.24.6 + - name: googleapis-common-protos + version: 1.61.0 manager: conda platform: linux-64 dependencies: - distlib: <1,>=0.3.7 - filelock: <4,>=3.12.2 - platformdirs: <4,>=3.9.1 - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/virtualenv-20.24.6-pyhd8ed1ab_0.conda + protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda hash: - md5: fb1fc875719e217ed799a7aae11d3be4 - sha256: 09492f89a22dc17d9b32f2a791deee93d06e99fb312c3d47430fe35343b7fbde + md5: f315d7fdc1905dcc2e18a1c7bed22fa9 + sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e category: main optional: false - - name: aws-sdk-cpp - version: 1.11.182 + - name: googleapis-common-protos + version: 1.61.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" - libcurl: ">=8.4.0,<9.0a0" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/aws-sdk-cpp-1.11.182-h8beafcf_7.conda + python: ">=3.7" + protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" + url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda hash: - md5: fe27868256b2d2a57d8136e08cdff2bb - sha256: c71ca50ad5e4c806d76b3584a53b295db317ffa92bd8f28eacc2bf88a3877eee + md5: f315d7fdc1905dcc2e18a1c7bed22fa9 + sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e category: main optional: false - - name: boto3 - version: 1.29.2 + - name: googleapis-common-protos + version: 1.61.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - botocore: ">=1.32.2,<1.33.0" - jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" - s3transfer: ">=0.7.0,<0.8.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.2-pyhd8ed1ab_0.conda + protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" + url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda hash: - md5: 7c73d1610c56a1d624c9ef470221d10c - sha256: 92b63c85d2bbb85be1f406abb41e36ef87d692222c57a24a0d27c6027107b023 + md5: f315d7fdc1905dcc2e18a1c7bed22fa9 + sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e category: main optional: false - - name: cachecontrol-with-filecache - version: 0.13.1 + - name: gql + version: 3.4.1 manager: conda platform: linux-64 dependencies: - cachecontrol: 0.13.1 - filelock: ">=3.8.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-with-filecache-0.13.1-pyhd8ed1ab_0.conda + backoff: ">=1.11.1,<3.0" + graphql-core: ">=3.2,<3.3" + python: ">=3.6" + yarl: ">=1.6,<2.0" + url: https://conda.anaconda.org/conda-forge/noarch/gql-3.4.1-pyhd8ed1ab_0.conda hash: - md5: 8c4781ca0893cff3a64423954ce234a1 - sha256: 7fd3cd4a667da284ae3aad9b8cb4d592099bc02ed6566cbae00bd8c0b0604e85 - category: main - optional: false - - name: dagster - version: 1.5.9 + md5: 6ad94588f33ddb97175c7f22feef7d2c + sha256: 6025dcd91083fe1d3f38172d18d041b0c1da4d9d86606a18312efd429c99b93e + category: dev + optional: true + - name: gql + version: 3.4.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" - click: ">=5.0" - coloredlogs: ">=6.1,<=14.0" - croniter: ">=0.3.34" - dagster-pipes: ">=1.5.9,<1.5.10.0a0" - docstring_parser: "" - grpcio: ">=1.44.0" - grpcio-health-checking: ">=1.44.0" - jinja2: "" - packaging: ">=20.9" - pendulum: <3 - protobuf: ">=3.20.0" - psutil: ">=1.0" - pydantic: ">1.10.0,!=1.10.7" - python: ">=3.8" - python-dateutil: "" - python-dotenv: "" - pytz: "" - pywin32-on-windows: "" - pyyaml: ">=5.1" - requests: "" - setuptools: "" - sqlalchemy: ">=1.0" - tabulate: "" - tomli: "" - toposort: ">=1.0" - tqdm: "" - typing_extensions: ">=4.4.0" - universal_pathlib: "" - watchdog: ">=0.8.3" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.9-pyhd8ed1ab_0.conda - hash: - md5: d8ab27112f82687ffcd456a3b88092e5 - sha256: 238b08bf9afbc98405cb0c8c9845514da7b4b21aac5817c2b5f0de04e3a19b1b - category: main - optional: false - - name: datasette - version: 0.64.4 - manager: conda - platform: linux-64 - dependencies: - aiofiles: ">=0.4" - asgi-csrf: ">=0.9" - asgiref: ">=3.2.10" - click: ">=7.1.1" - click-default-group-wheel: ">=1.2.2" - httpx: ">=0.20" - hupper: ">=1.9" - itsdangerous: ">=1.1" - janus: ">=0.6.2" - jinja2: ">=2.10.3" - mergedeep: ">=1.1.1" - pint: ">=0.9" - pip: "" - pluggy: ">=1.0" - python: ">=3.7" - pyyaml: ">=5.3" - setuptools: "" - uvicorn: ">=0.11" - url: https://conda.anaconda.org/conda-forge/noarch/datasette-0.64.4-pyhd8ed1ab_1.conda - hash: - md5: cd1207af03052f6b81906e1a914ad3c5 - sha256: 8800f86ec23a31ad642a1467d0a8f343038c7e2237a1f9046493ad1868ceb441 - category: main - optional: false - - name: doc8 - version: 1.1.1 - manager: conda - platform: linux-64 - dependencies: - docutils: ">=0.19,<0.21" - pygments: "" - python: ">=3.8" - restructuredtext_lint: ">=0.7" - stevedore: "" - tomli: "" - url: https://conda.anaconda.org/conda-forge/noarch/doc8-1.1.1-pyhd8ed1ab_0.conda - hash: - md5: 5e9e17751f19d03c4034246de428582e - sha256: 00691538e6289b7947cabc2024f08883b3e2ded00369c68de7d67677e9d4c250 - category: main - optional: false - - name: email-validator - version: 2.1.0.post1 - manager: conda - platform: linux-64 - dependencies: - dnspython: ">=2.0.0" - idna: ">=2.0.0" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/email-validator-2.1.0.post1-pyhd8ed1ab_0.conda - hash: - md5: 192fe8f657c763c6120d9f8592055847 - sha256: 0b2e503da10648e2fa8d13035ddda174a549732c4f17476363882ebf67867283 - category: main - optional: false - - name: frictionless - version: 4.40.8 - manager: conda - platform: linux-64 - dependencies: - chardet: ">=3.0" - isodate: ">=0.6" - jinja2: ">=3.0.3" - jsonschema: ">=2.5" - marko: ">=1.0" - petl: ">=1.6" python: ">=3.6" - python-dateutil: ">=2.8" - python-slugify: ">=1.2" - pyyaml: ">=5.3" - requests: ">=2.10" - rfc3986: ">=1.4" - simpleeval: ">=0.9.11" - stringcase: ">=1.2" - tabulate: ">=0.8.10" - typer: ">=0.5" - validators: ">=0.18" - url: https://conda.anaconda.org/conda-forge/noarch/frictionless-4.40.8-pyh6c4a22f_0.tar.bz2 - hash: - md5: d2791ef8f6c1252aa8d2e2001a603815 - sha256: 0d7d669d92aa4ecf08effb64aea4c98aa65607bdb98e7b82627b7c43556dd9bc - category: main - optional: false - - name: gdal - version: 3.8.0 - manager: conda - platform: linux-64 - dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" - libgcc-ng: ">=12" - libgdal: 3.8.0 - libstdcxx-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" - numpy: ">=1.23.5,<2.0a0" - openssl: ">=3.1.4,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/gdal-3.8.0-py311h815a124_4.conda - hash: - md5: 30805ad1da096924da69baecb1ebec0b - sha256: 7f4828e93aefa5bda481e68ad1c8b1eb1dd045195dc71b4f09efbd7a7a795d91 - category: main - optional: false - - name: geopandas-base - version: 0.14.1 - manager: conda - platform: linux-64 - dependencies: - packaging: "" - pandas: ">=1.4.0" - pyproj: ">=3.3.0" - python: ">=3.9" - shapely: ">=1.8.0" - url: https://conda.anaconda.org/conda-forge/noarch/geopandas-base-0.14.1-pyha770c72_0.conda + graphql-core: ">=3.2,<3.3" + yarl: ">=1.6,<2.0" + backoff: ">=1.11.1,<3.0" + url: https://conda.anaconda.org/conda-forge/noarch/gql-3.4.1-pyhd8ed1ab_0.conda hash: - md5: d65c6f458bfdaa181f388d91e858ea67 - sha256: c813004bb84e50de19f599b188719e40106c858c7da22e504b29ce66e5043361 - category: main - optional: false - - name: google-auth - version: 2.23.4 + md5: 6ad94588f33ddb97175c7f22feef7d2c + sha256: 6025dcd91083fe1d3f38172d18d041b0c1da4d9d86606a18312efd429c99b93e + category: dev + optional: true + - name: gql + version: 3.4.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - aiohttp: ">=3.6.2,<4.0.0" - cachetools: ">=2.0.0,<6.0" - cryptography: ">=38.0.3" - pyasn1-modules: ">=0.2.1" - pyopenssl: ">=20.0.0" - python: ">=3.7" - pyu2f: ">=0.1.5" - requests: ">=2.20.0,<3.0.0" - rsa: ">=3.1.4,<5" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda + python: ">=3.6" + graphql-core: ">=3.2,<3.3" + yarl: ">=1.6,<2.0" + backoff: ">=1.11.1,<3.0" + url: https://conda.anaconda.org/conda-forge/noarch/gql-3.4.1-pyhd8ed1ab_0.conda hash: - md5: 9ad01e23627db9def3104ba78fd19229 - sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 - category: main - optional: false + md5: 6ad94588f33ddb97175c7f22feef7d2c + sha256: 6025dcd91083fe1d3f38172d18d041b0c1da4d9d86606a18312efd429c99b93e + category: dev + optional: true - name: gql-with-requests version: 3.4.1 manager: conda @@ -6985,394 +6939,268 @@ package: sha256: f11fb42542950f5e96ee252c9bebbd205bcbf1e20a3d8aeb056998bbdfef68f2 category: dev optional: true - - name: gtk2 - version: 2.24.33 + - name: gql-with-requests + version: 3.4.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - atk-1.0: ">=2.36.0" - cairo: ">=1.16.0,<2.0.0a0" - gdk-pixbuf: ">=2.42.6,<3.0a0" - gettext: ">=0.19.8.1,<1.0a0" - libgcc-ng: ">=9.4.0" - libglib: ">=2.70.2,<3.0a0" - pango: ">=1.50.3,<1.51.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/gtk2-2.24.33-h90689f9_2.tar.bz2 + requests: "" + urllib3: "" + requests-toolbelt: "" + python: ">=3.6" + gql: 3.4.1 + url: https://conda.anaconda.org/conda-forge/noarch/gql-with-requests-3.4.1-pyhd8ed1ab_0.conda hash: - md5: 957a0255ab58aaf394a91725d73ab422 - sha256: 66d189ec36d67309fa3eb52d14d77b82359c10303c400eecc14f8eaca5939b87 + md5: 1814ff1e969b01d3570027efcf4f163a + sha256: f11fb42542950f5e96ee252c9bebbd205bcbf1e20a3d8aeb056998bbdfef68f2 category: dev optional: true - - name: jsonschema-with-format-nongpl - version: 4.20.0 + - name: gql-with-requests + version: 3.4.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - fqdn: "" - idna: "" - isoduration: "" - jsonpointer: ">1.13" - jsonschema: ">=4.20.0,<4.20.1.0a0" - python: "" - rfc3339-validator: "" - rfc3986-validator: ">0.1.0" - uri-template: "" - webcolors: ">=1.11" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-with-format-nongpl-4.20.0-pyhd8ed1ab_0.conda + requests: "" + urllib3: "" + requests-toolbelt: "" + python: ">=3.6" + gql: 3.4.1 + url: https://conda.anaconda.org/conda-forge/noarch/gql-with-requests-3.4.1-pyhd8ed1ab_0.conda hash: - md5: a168c5f84010711f6d4ae650bc22b480 - sha256: 03558b25daa57137fdf98e92731ba50ff5506f265294ac2eef5ec465c76ecf57 - category: main - optional: false - - name: jupyter_client - version: 8.6.0 + md5: 1814ff1e969b01d3570027efcf4f163a + sha256: f11fb42542950f5e96ee252c9bebbd205bcbf1e20a3d8aeb056998bbdfef68f2 + category: dev + optional: true + - name: graphene + version: "3.3" manager: conda platform: linux-64 dependencies: - importlib_metadata: ">=4.8.3" - jupyter_core: ">=4.12,!=5.0.*" - python: ">=3.8" - python-dateutil: ">=2.8.2" - pyzmq: ">=23.0" - tornado: ">=6.2" - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_client-8.6.0-pyhd8ed1ab_0.conda - hash: - md5: 6bd3f1069cdebb44c7ae9efb900e312d - sha256: 86cbb9070862cf23a245451efce539ca214e610849d0950bb8ac90c545bd158d - category: main - optional: false - - name: keyring - version: 24.3.0 - manager: conda - platform: linux-64 - dependencies: - importlib_metadata: ">=4.11.4" - jaraco.classes: "" - jeepney: ">=0.4.2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - secretstorage: ">=3.2" - url: https://conda.anaconda.org/conda-forge/linux-64/keyring-24.3.0-py311h38be061_0.conda - hash: - md5: 09e27eb40c88f732a4e0ea5b70f63ae0 - sha256: 29909aa6935d34f46b9121bfb504e8305af525a27639bbf5d2692fce2935e9bc - category: main - optional: false - - name: librsvg - version: 2.56.3 - manager: conda - platform: linux-64 - dependencies: - cairo: ">=1.16.0,<2.0a0" - gdk-pixbuf: ">=2.42.10,<3.0a0" - gettext: ">=0.21.1,<1.0a0" - libgcc-ng: ">=12" - libglib: ">=2.76.4,<3.0a0" - libxml2: ">=2.11.4,<2.12.0a0" - pango: ">=1.50.14,<2.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/librsvg-2.56.3-h98fae49_0.conda + aniso8601: ">=8,<10" + graphql-core: ">=3.1,<3.3" + graphql-relay: ">=3.1,<3.3" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/graphene-3.3-pyhd8ed1ab_0.conda hash: - md5: 620e754f4344f4c27259ff460a2b9c50 - sha256: 4b2dd7745caadc425045dbe31a2300b3b8de4346873f04aa9b552c56f3b1e001 + md5: ed2ae94977dfd96566e6eaf373216728 + sha256: 8b4e2c1d326849c0094f9e96a9833addb10f638be67bb0590836720879697ec6 category: dev optional: true - - name: matplotlib-base - version: 3.8.1 - manager: conda - platform: linux-64 - dependencies: - certifi: ">=2020.06.20" - contourpy: ">=1.0.1" - cycler: ">=0.10" - fonttools: ">=4.22.0" - freetype: ">=2.12.1,<3.0a0" - kiwisolver: ">=1.3.1" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" - packaging: ">=20.0" - pillow: ">=8" - pyparsing: ">=2.3.1" - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.7" - python_abi: 3.11.* - tk: ">=8.6.13,<8.7.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/matplotlib-base-3.8.1-py311h54ef318_0.conda - hash: - md5: 201fdabdb86bb8fb6e99fa3f0dab8122 - sha256: 9340ef0ba720e550c702fd25611884c79bfc419a85027d69900be5aa2ddbe3a9 - category: main - optional: false - - name: nbformat - version: 5.9.2 + - name: graphene + version: "3.3" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - jsonschema: ">=2.6" - jupyter_core: "" - python: ">=3.8" - python-fastjsonschema: "" - traitlets: ">=5.1" - url: https://conda.anaconda.org/conda-forge/noarch/nbformat-5.9.2-pyhd8ed1ab_0.conda + python: ">=3.6" + aniso8601: ">=8,<10" + graphql-core: ">=3.1,<3.3" + graphql-relay: ">=3.1,<3.3" + url: https://conda.anaconda.org/conda-forge/noarch/graphene-3.3-pyhd8ed1ab_0.conda hash: - md5: 61ba076de6530d9301a0053b02f093d2 - sha256: fc82c5a9116820757b03ffb836b36f0f50e4cd390018024dbadb0ee0217f6992 - category: main - optional: false - - name: pandera-core - version: 0.17.2 + md5: ed2ae94977dfd96566e6eaf373216728 + sha256: 8b4e2c1d326849c0094f9e96a9833addb10f638be67bb0590836720879697ec6 + category: dev + optional: true + - name: graphene + version: "3.3" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - multimethod: "" - numpy: "" - packaging: "" - pandas: "" - pydantic: "" - python: ">=3.7" - typeguard: ">=3.0.2" - typing_extensions: "" - typing_inspect: ">=0.6.0" - wrapt: "" - url: https://conda.anaconda.org/conda-forge/noarch/pandera-core-0.17.2-pyhd8ed1ab_1.conda + python: ">=3.6" + aniso8601: ">=8,<10" + graphql-core: ">=3.1,<3.3" + graphql-relay: ">=3.1,<3.3" + url: https://conda.anaconda.org/conda-forge/noarch/graphene-3.3-pyhd8ed1ab_0.conda hash: - md5: 5a1b3de3f435bc9d3c0ab52d45651a28 - sha256: 298bc0b877a366af0bbae2512ec1da47e215fc6333b8b0da7571a09084307331 - category: main - optional: false - - name: pre-commit - version: 3.5.0 + md5: ed2ae94977dfd96566e6eaf373216728 + sha256: 8b4e2c1d326849c0094f9e96a9833addb10f638be67bb0590836720879697ec6 + category: dev + optional: true + - name: graphite2 + version: 1.3.13 manager: conda platform: linux-64 dependencies: - cfgv: ">=2.0.0" - identify: ">=1.0.0" - nodeenv: ">=0.11.1" - python: ">=3.8" - pyyaml: ">=5.1" - virtualenv: ">=20.10.0" - url: https://conda.anaconda.org/conda-forge/noarch/pre-commit-3.5.0-pyha770c72_0.conda + libgcc-ng: ">=7.5.0" + libstdcxx-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/graphite2-1.3.13-h58526e2_1001.tar.bz2 hash: - md5: 964e3d762e427661c59263435a14c492 - sha256: 51a4a17334a15ec92805cd075776563ff93b3b6c20732c4cb607c98a761ae02f - category: main - optional: false - - name: prompt_toolkit - version: 3.0.41 + md5: 8c54672728e8ec6aa6db90cf2806d220 + sha256: 65da967f3101b737b08222de6a6a14e20e480e7d523a5d1e19ace7b960b5d6b1 + category: dev + optional: true + - name: graphite2 + version: 1.3.13 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - prompt-toolkit: ">=3.0.41,<3.0.42.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/prompt_toolkit-3.0.41-hd8ed1ab_0.conda + libcxx: ">=10.0.1" + url: https://conda.anaconda.org/conda-forge/osx-64/graphite2-1.3.13-h2e338ed_1001.tar.bz2 hash: - md5: b1387bd091fa0420557f801a78587678 - sha256: dd2fea25930d258159441ad4a45e5d3274f0d2f1dea92fe25b44b48c486aa969 - category: main - optional: false - - name: requests-oauthlib - version: 1.3.1 + md5: 5f6e7f98caddd0fc2d345b207531814c + sha256: 1dba68533e6888c5e2a7e37119a77d6f388fb82721c530ba3bd28d541828e59b + category: dev + optional: true + - name: graphite2 + version: 1.3.13 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - oauthlib: ">=3.0.0" - python: ">=3.4" - requests: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/requests-oauthlib-1.3.1-pyhd8ed1ab_0.tar.bz2 + libcxx: ">=11.0.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/graphite2-1.3.13-h9f76cd9_1001.tar.bz2 hash: - md5: 61b279f051eef9c89d58f4d813e75e04 - sha256: 889e3c1b84467b64046776db95dc4c5ea4dad5afaa5ec18ad811bd95c63286b0 - category: main - optional: false - - name: scikit-learn - version: 1.3.2 + md5: 288b591645cb9cb9c0af7309ac1114f5 + sha256: 57db1e563cdfe469cd453a2988039118e96ce4b77c9219e2f1022be0e1c2b03f + category: dev + optional: true + - name: graphql-core + version: 3.2.3 manager: conda platform: linux-64 dependencies: - _openmp_mutex: ">=4.5" - joblib: ">=1.1.1" - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - scipy: "" - threadpoolctl: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/linux-64/scikit-learn-1.3.2-py311hc009520_1.conda + python: ">=3.6" + typing_extensions: ">=4,<5" + url: https://conda.anaconda.org/conda-forge/noarch/graphql-core-3.2.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6b92d3d0680eae9d1d9860a721f7fb51 - sha256: 638253cba17e44081674b2dd7bee2025c202e91b653182da511ca57de942689d - category: main - optional: false - - name: timezonefinder - version: 6.2.0 + md5: 87cafe8c7638a5ac6fd8ec8fb01f1508 + sha256: 6f7da913ecad98951cadfe512af2c3979fbff752bf714da66760701e5463dd29 + category: dev + optional: true + - name: graphql-core + version: 3.2.3 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cffi: ">=1.15.1,<2" - h3-py: ">=3.7.6,<4" - libgcc-ng: ">=12" - numpy: ">=1.18,<2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: ">=65.5" - url: https://conda.anaconda.org/conda-forge/linux-64/timezonefinder-6.2.0-py311h459d7ec_2.conda + python: ">=3.6" + typing_extensions: ">=4,<5" + url: https://conda.anaconda.org/conda-forge/noarch/graphql-core-3.2.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: f5beeea76fa273f90360990938885d59 - sha256: b6227b634ac8e8e255e089476b0f9634c9b9cf33cc9db4821e820b4746b98aa7 - category: main - optional: false - - name: catalystcoop.ferc_xbrl_extractor - version: 1.2.1 + md5: 87cafe8c7638a5ac6fd8ec8fb01f1508 + sha256: 6f7da913ecad98951cadfe512af2c3979fbff752bf714da66760701e5463dd29 + category: dev + optional: true + - name: graphql-core + version: 3.2.3 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - arelle-release: ">=2.3,<3" - coloredlogs: ">=14.0,<15.1" - frictionless: ">=4.4,<5" - lxml: ">=4.9.1,<5" - numpy: ">=1.16,<2" - pandas: ">=1.5,<2.2" - pydantic: ">=1.9,<3" - python: ">=3.10,<3.13" - sqlalchemy: ">=1.4,<3" - stringcase: ">=1.2,<2" - url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.ferc_xbrl_extractor-1.2.1-pyhd8ed1ab_0.conda + python: ">=3.6" + typing_extensions: ">=4,<5" + url: https://conda.anaconda.org/conda-forge/noarch/graphql-core-3.2.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: 901c0be7848920eeaeb14bce747c589c - sha256: f70614208da7b61b41ead6d2260ca3b0d6c0785388b09f7aa4615b56fbf3ce37 - category: main - optional: false - - name: conda-lock - version: 2.4.2 + md5: 87cafe8c7638a5ac6fd8ec8fb01f1508 + sha256: 6f7da913ecad98951cadfe512af2c3979fbff752bf714da66760701e5463dd29 + category: dev + optional: true + - name: graphql-relay + version: 3.2.0 manager: conda platform: linux-64 dependencies: - cachecontrol-with-filecache: ">=0.12.9" - cachy: ">=0.3.0" - click: ">=8.0" - click-default-group: "" - clikit: ">=0.6.2" - crashtest: ">=0.3.0" - ensureconda: ">=1.3" - gitpython: ">=3.1.30" - html5lib: ">=1.0" - jinja2: "" - keyring: ">=21.2.0" - packaging: ">=20.4" - pkginfo: ">=1.4" - pydantic: ">=1.10" - python: ">=3.8" - pyyaml: ">=5.1" - requests: ">=2.18" - ruamel.yaml: "" - tomli: "" - tomlkit: ">=0.7.0" - toolz: ">=0.12.0,<1.0.0" - typing_extensions: "" - urllib3: ">=1.26.5,<2.0" - virtualenv: ">=20.0.26" - url: https://conda.anaconda.org/conda-forge/noarch/conda-lock-2.4.2-pyhd8ed1ab_0.conda + graphql-core: ">=3.2,<3.3" + python: ">=3.6" + typing_extensions: ">=4.1,<5" + url: https://conda.anaconda.org/conda-forge/noarch/graphql-relay-3.2.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 068b8ae6928d477a0d216254f6eacd34 - sha256: c3a684affc774d45e6bef61306d1005a3fab75862bbe4f2adceb995e14a07193 - category: main - optional: false - - name: dagster-graphql - version: 1.5.9 + md5: 1b2b83e3528f8fb83007161eff51073d + sha256: 04f2a3383e74421441e46eaed4c32940682c1de82036fd1b6f18663d6d5447c4 + category: dev + optional: true + - name: graphql-relay + version: 3.2.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - dagster: ">=1.5.9,<1.5.10.0a0" - gql-with-requests: ">=3.0.0" - graphene: ">=3" - python: ">=3.8" - requests: "" - starlette: "" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.9-pyhd8ed1ab_0.conda + python: ">=3.6" + graphql-core: ">=3.2,<3.3" + typing_extensions: ">=4.1,<5" + url: https://conda.anaconda.org/conda-forge/noarch/graphql-relay-3.2.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7dcd105a5451f9800aa6de278d86db72 - sha256: 8484c6b0db1a3505fc7d16e83e0da75b9c886ae3d497266fd06f72fcd3246786 + md5: 1b2b83e3528f8fb83007161eff51073d + sha256: 04f2a3383e74421441e46eaed4c32940682c1de82036fd1b6f18663d6d5447c4 category: dev optional: true - - name: dagster-postgres - version: 0.21.9 + - name: graphql-relay + version: 3.2.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - dagster: 1.5.9.* - psycopg2-binary: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.9-pyhd8ed1ab_0.conda + python: ">=3.6" + graphql-core: ">=3.2,<3.3" + typing_extensions: ">=4.1,<5" + url: https://conda.anaconda.org/conda-forge/noarch/graphql-relay-3.2.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 18c5dd009bd4d99ec38003583134c9fc - sha256: 83ad5a4eca4698b1258398bcd405665bbd8e41464124221cf477bb78bdc22100 - category: main - optional: false - - name: fiona - version: 1.9.5 + md5: 1b2b83e3528f8fb83007161eff51073d + sha256: 04f2a3383e74421441e46eaed4c32940682c1de82036fd1b6f18663d6d5447c4 + category: dev + optional: true + - name: graphviz + version: 9.0.0 manager: conda platform: linux-64 dependencies: - attrs: ">=17" - click: ">=4.0" - click-plugins: ">=1.0" - cligj: ">=0.5" - gdal: "" - importlib-metadata: "" + cairo: ">=1.18.0,<2.0a0" + expat: "" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + gdk-pixbuf: ">=2.42.10,<3.0a0" + gtk2: "" + gts: ">=0.7.6,<0.8.0a0" + libexpat: ">=2.5.0,<3.0a0" libgcc-ng: ">=12" - libgdal: ">=3.8.0,<3.9.0a0" + libgd: ">=2.3.3,<2.4.0a0" + libglib: ">=2.78.1,<3.0a0" + librsvg: ">=2.56.3,<3.0a0" libstdcxx-ng: ">=12" - munch: "" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - shapely: "" - six: ">=1.7" - url: https://conda.anaconda.org/conda-forge/linux-64/fiona-1.9.5-py311hf8e0aa6_1.conda - hash: - md5: 961758d24e419de785e99b038033f9ae - sha256: 5579deb516af98c167e11b0f9250ce53e1780eade803b03ad9507fb41b295a5c - category: main - optional: false - - name: google-api-core - version: 2.14.0 - manager: conda - platform: linux-64 - dependencies: - google-auth: ">=2.14.1,<3.0.dev0" - googleapis-common-protos: ">=1.56.2,<2.0.dev0" - protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - python: ">=3.7" - requests: ">=2.18.0,<3.0.0.dev0" - url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda + libtool: "" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pango: ">=1.50.14,<2.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/graphviz-9.0.0-h28d9a01_0.conda hash: - md5: cebe18c719a6818849b921748aa91750 - sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc - category: main - optional: false - - name: google-auth-oauthlib - version: 1.1.0 + md5: 32cde7a2ac1ca255ed2a926d548b9d6c + sha256: 18dd71db06bfa4214cabceed8d454402be70b3014816ec2b2e0cbb9010840498 + category: dev + optional: true + - name: graphviz + version: 9.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - click: ">=6.0.0" - google-auth: ">=2.15.0" - python: ">=3.6" - requests-oauthlib: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-oauthlib-1.1.0-pyhd8ed1ab_0.conda - hash: - md5: ffa1e2fd52bc00ec0fc5680a2f4bd167 - sha256: fc12c5a06b4d073c855cc2c43edff0b444af7b0db860f578fee1486769af0f21 - category: main - optional: false + __osx: ">=10.9" + cairo: ">=1.18.0,<2.0a0" + expat: "" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + gdk-pixbuf: ">=2.42.10,<3.0a0" + gtk2: "" + gts: ">=0.7.6,<0.8.0a0" + libcxx: ">=16.0.6" + libexpat: ">=2.5.0,<3.0a0" + libgd: ">=2.3.3,<2.4.0a0" + libglib: ">=2.78.1,<3.0a0" + librsvg: ">=2.56.3,<3.0a0" + libtool: "" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pango: ">=1.50.14,<2.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/graphviz-9.0.0-h17d42e5_0.conda + hash: + md5: 885e2f49a7c327a84af751ff6aceb3ed + sha256: 2c2419fa9a9f35f2cd2ac6b2196e1a886d9a261484d966ffff86a6dc81d71290 + category: dev + optional: true - name: graphviz - version: 8.1.0 + version: 9.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - cairo: ">=1.16.0,<2.0a0" + __osx: ">=10.9" + cairo: ">=1.18.0,<2.0a0" expat: "" fontconfig: ">=2.14.2,<3.0a0" fonts-conda-ecosystem: "" @@ -7380,1040 +7208,972 @@ package: gdk-pixbuf: ">=2.42.10,<3.0a0" gtk2: "" gts: ">=0.7.6,<0.8.0a0" + libcxx: ">=16.0.6" libexpat: ">=2.5.0,<3.0a0" - libgcc-ng: ">=12" libgd: ">=2.3.3,<2.4.0a0" - libglib: ">=2.76.4,<3.0a0" - librsvg: ">=2.56.1,<3.0a0" - libstdcxx-ng: ">=12" + libglib: ">=2.78.1,<3.0a0" + librsvg: ">=2.56.3,<3.0a0" libtool: "" - libwebp-base: ">=1.3.1,<2.0a0" + libwebp-base: ">=1.3.2,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" pango: ">=1.50.14,<2.0a0" zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/graphviz-8.1.0-h28d9a01_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/graphviz-9.0.0-h4785655_0.conda hash: - md5: 33628e0e3de7afd2c8172f76439894cb - sha256: 62b8a8b3bc89bc9f8d94fe88d382628f884572dc50b8041853da0ba4acaf4257 + md5: 30d67e79042ac37086fbaeb080478075 + sha256: ab0d8f5b6367fdee4b98b571e9f041c9540fdf5e2d82239aca166e3d8b675c07 category: dev optional: true - - name: ipython - version: 8.17.2 + - name: greenlet + version: 3.0.1 manager: conda platform: linux-64 dependencies: - __linux: "" - decorator: "" - exceptiongroup: "" - jedi: ">=0.16" - matplotlib-inline: "" - pexpect: ">4.3" - pickleshare: "" - prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" - pygments: ">=2.4.0" - python: ">=3.9" - stack_data: "" - traitlets: ">=5" - typing_extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.17.2-pyh41d4057_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/greenlet-3.0.1-py311hb755f60_0.conda hash: - md5: f39d0b60e268fe547f1367edbab457d4 - sha256: 31322d58f412787f5beeb01db4d16f10f8ae4e0cc2ec99fafef1e690374fe298 + md5: 7c82abd17036c6ca0f02f2a8935c5572 + sha256: 8470a1c15889f4830df38966e29e3a7aa4473681b7b5997d916428c929544d74 category: main optional: false - - name: jupyter_events - version: 0.9.0 + - name: greenlet + version: 3.0.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - jsonschema-with-format-nongpl: ">=4.18.0" - python: ">=3.8" - python-json-logger: ">=2.0.4" - pyyaml: ">=5.3" - referencing: "" - rfc3339-validator: "" - rfc3986-validator: ">=0.1.1" - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_events-0.9.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/greenlet-3.0.1-py311hd39e593_0.conda hash: - md5: 00ba25993f0dba38cf72a7224e33289f - sha256: 713f0cc927a862862a6d35bfb29c4114f987e4f59e2a8a14f71f23fcd7edfec3 + md5: 447a2de59f80041e6f63c222d5a5e77f + sha256: 872e40b28dce3abf5d3df621a99247a79d3e642eaf1db284c8a43888e1c7f74b category: main optional: false - - name: libarrow - version: 14.0.1 + - name: greenlet + version: 3.0.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" - aws-sdk-cpp: ">=1.11.182,<1.11.183.0a0" - bzip2: ">=1.0.8,<2.0a0" - glog: ">=0.6.0,<0.7.0a0" - libabseil: ">=20230802.1,<20230803.0a0" - libbrotlidec: ">=1.1.0,<1.2.0a0" - libbrotlienc: ">=1.1.0,<1.2.0a0" - libgcc-ng: ">=12" - libgoogle-cloud: ">=2.12.0,<2.13.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libstdcxx-ng: ">=12" - libutf8proc: ">=2.8.0,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - orc: ">=1.9.0,<1.9.1.0a0" - re2: "" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-14.0.1-h4df1b6a_3_cpu.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/greenlet-3.0.1-py311hbaf5611_0.conda hash: - md5: 8f95beca2cdede6329401193609f497a - sha256: c6595ba12a12e8e8c518daeb1bd6cdc584c41d331be2738c136347af5a606519 + md5: 9136cd518f65a952b2a37c80645ef610 + sha256: 6c8e2e5024ee26099d396a95a55c49ffe3eb8985c764ce875e95f01711f4c2a7 category: main optional: false - - name: mapclassify - version: 2.6.1 + - name: grpcio + version: 1.59.2 manager: conda platform: linux-64 dependencies: - networkx: ">=2.7" - numpy: ">=1.23" - pandas: ">=1.4,!=1.5.0" - python: ">=3.9" - scikit-learn: ">=1.0" - scipy: ">=1.8" - url: https://conda.anaconda.org/conda-forge/noarch/mapclassify-2.6.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libgrpc: 1.59.2 + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/grpcio-1.59.2-py311ha6695c7_0.conda hash: - md5: 6aceae1ad4f16cf7b73ee04189947f98 - sha256: 204ab8b242229d422b33cfec07ea61cefa8bd22375a16658afbabaafce031d64 + md5: cb3e3f8a2ed96ee4d5d945050e82b828 + sha256: 131e0a411e1ebf536b5528a62c57e32fb54297eddd106e002c0411dcfe3e4ea0 category: main optional: false - - name: nbclient - version: 0.8.0 + - name: grpcio + version: 1.59.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - jupyter_client: ">=6.1.12" - jupyter_core: ">=4.12,!=5.0.*" - nbformat: ">=5.1" - python: ">=3.8" - traitlets: ">=5.4" - url: https://conda.anaconda.org/conda-forge/noarch/nbclient-0.8.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + libgrpc: 1.59.2 + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/grpcio-1.59.2-py311hfd95bfa_0.conda hash: - md5: e78da91cf428faaf05701ce8cc8f2f9b - sha256: 4ebd237cdf4bfa5226f92d2ae78fab8dba27696909391884dc6594ca6f9df5ff + md5: 7a0f85ebc948f72e8b34eac28258de2a + sha256: 29d6b104362caa2d2d0ac9b4b4fa13610b3e4aec2d4e277aadf3ac5fec4c6be2 category: main optional: false - - name: recordlinkage - version: "0.16" + - name: grpcio + version: 1.59.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - jellyfish: ">=1" - joblib: "" - numexpr: "" - numpy: ">=1.13" - pandas: ">=1,<3" - python: ">=3.8" - scikit-learn: ">=1" - scipy: ">=1" - url: https://conda.anaconda.org/conda-forge/noarch/recordlinkage-0.16-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + libgrpc: 1.59.2 + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/grpcio-1.59.2-py311h79dd126_0.conda hash: - md5: 948205d11a8b036e065c46462db0632a - sha256: 3f3c03719d6bdef41f8a08f51fb3e58a80223a321ffca413eda0c332bfa75bf0 + md5: d595e37cbcfc8c216b435d6785a45e76 + sha256: cdd209d4762fb8b4f225e7fd8e946d463315b0d599559a3a3d88014c315d1a4f category: main optional: false - - name: tabulator - version: 1.53.5 + - name: grpcio-health-checking + version: 1.59.2 manager: conda platform: linux-64 dependencies: - boto3: ">=1.9" - chardet: ">=3.0" - click: ">=6.0" - ijson: ">=3.0.3" - jsonlines: ">=1.1" - linear-tsv: ">=1.0" - openpyxl: ">=2.6" - python: ">=3" - requests: ">=2.8" - six: ">=1.9" - sqlalchemy: ">=0.9.6" - unicodecsv: ">=0.14" - xlrd: ">=1.0" - url: https://conda.anaconda.org/conda-forge/noarch/tabulator-1.53.5-pyhd8ed1ab_0.tar.bz2 + grpcio: ">=1.59.2" + protobuf: ">=3.12.1" + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/grpcio-health-checking-1.59.2-pyhd8ed1ab_0.conda hash: - md5: c967687222ad29a74f68e99698d08d30 - sha256: b5fb89f1154cf6b5e620c18a9c4f73c7b79afa72a7e3e840a82e225a90955335 + md5: 8b85dc4c1a577f1823b394d5071052de + sha256: b77ffee9cbd731caa6eca7487286bc65551729744a89ecb3335ca220fec4061d category: main optional: false - - name: dagster-webserver - version: 1.5.9 - manager: conda - platform: linux-64 - dependencies: - click: ">=7.0,<9.0" - dagster: ">=1.5.9,<1.5.10.0a0" - dagster-graphql: ">=1.5.9,<1.5.10.0a0" - python: ">=3.8" - starlette: "" - uvicorn-standard: "" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.9-pyhd8ed1ab_0.conda - hash: - md5: 880fa7acdbf3494cef45759bb866bb63 - sha256: 2fce08b607d97f72d7452350a0c917d96419074381bf8791ebe116ec3a57b8f4 - category: dev - optional: true - - name: geopandas - version: 0.14.1 + - name: grpcio-health-checking + version: 1.59.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - fiona: ">=1.8.21" - folium: "" - geopandas-base: 0.14.1 - mapclassify: ">=2.4.0" - matplotlib-base: "" - python: ">=3.9" - rtree: "" - xyzservices: "" - url: https://conda.anaconda.org/conda-forge/noarch/geopandas-0.14.1-pyhd8ed1ab_0.conda + python: ">=3.5" + protobuf: ">=3.12.1" + grpcio: ">=1.59.2" + url: https://conda.anaconda.org/conda-forge/noarch/grpcio-health-checking-1.59.2-pyhd8ed1ab_0.conda hash: - md5: 6ce5f89fb1e2aa7e04d12c0008b3a745 - sha256: f3563ad6f1a55587c097337ece863e583c796c9a9df3ecb396bbfeec4ec309fb + md5: 8b85dc4c1a577f1823b394d5071052de + sha256: b77ffee9cbd731caa6eca7487286bc65551729744a89ecb3335ca220fec4061d category: main optional: false - - name: google-cloud-core - version: 2.3.3 + - name: grpcio-health-checking + version: 1.59.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" - google-auth: ">=1.25.0,<3.0dev" - grpcio: ">=1.38.0,<2.0.0dev" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda + python: ">=3.5" + protobuf: ">=3.12.1" + grpcio: ">=1.59.2" + url: https://conda.anaconda.org/conda-forge/noarch/grpcio-health-checking-1.59.2-pyhd8ed1ab_0.conda hash: - md5: a26b1fa8555cc1d2f0f7ff9985303e66 - sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + md5: 8b85dc4c1a577f1823b394d5071052de + sha256: b77ffee9cbd731caa6eca7487286bc65551729744a89ecb3335ca220fec4061d category: main optional: false - - name: ipykernel - version: 6.26.0 + - name: grpcio-status + version: 1.59.2 manager: conda platform: linux-64 dependencies: - __linux: "" - comm: ">=0.1.1" - debugpy: ">=1.6.5" - ipython: ">=7.23.1" - jupyter_client: ">=6.1.12" - jupyter_core: ">=4.12,!=5.0.*" - matplotlib-inline: ">=0.1" - nest-asyncio: "" - packaging: "" - psutil: "" - python: ">=3.8" - pyzmq: ">=20" - tornado: ">=6.1" - traitlets: ">=5.4.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipykernel-6.26.0-pyhf8b6a83_0.conda + googleapis-common-protos: ">=1.5.5" + grpcio: ">=1.59.2" + protobuf: ">=4.21.6" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/grpcio-status-1.59.2-pyhd8ed1ab_0.conda hash: - md5: 2307f71f5f0896d4b91b93e6b468abff - sha256: 9e647454f7572101657a07820ebed294df9a6a527b041cd5e4dd98b8aa3db625 + md5: 5bed0b44f99ef55c0470d2c610fbbac6 + sha256: 9513c5dd0f7fbdba8dfe70ed4e1f7591fa1c49520e06f9f0202c514475dd4257 category: main optional: false - - name: ipywidgets - version: 8.1.1 + - name: grpcio-status + version: 1.59.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - comm: ">=0.1.3" - ipython: ">=6.1.0" - jupyterlab_widgets: ">=3.0.9,<3.1.0" - python: ">=3.7" - traitlets: ">=4.3.1" - widgetsnbextension: ">=4.0.9,<4.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipywidgets-8.1.1-pyhd8ed1ab_0.conda + python: ">=3.6" + googleapis-common-protos: ">=1.5.5" + protobuf: ">=4.21.6" + grpcio: ">=1.59.2" + url: https://conda.anaconda.org/conda-forge/noarch/grpcio-status-1.59.2-pyhd8ed1ab_0.conda hash: - md5: 2605fae5ee27100e5f10037baebf4d41 - sha256: 8136defec115396ba992273a77f814d74eeafd9cc099f5430d109c60785a7f02 + md5: 5bed0b44f99ef55c0470d2c610fbbac6 + sha256: 9513c5dd0f7fbdba8dfe70ed4e1f7591fa1c49520e06f9f0202c514475dd4257 category: main optional: false - - name: libarrow-acero - version: 14.0.1 + - name: grpcio-status + version: 1.59.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libarrow: 14.0.1 - libgcc-ng: ">=12" - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-acero-14.0.1-h59595ed_3_cpu.conda + python: ">=3.6" + googleapis-common-protos: ">=1.5.5" + protobuf: ">=4.21.6" + grpcio: ">=1.59.2" + url: https://conda.anaconda.org/conda-forge/noarch/grpcio-status-1.59.2-pyhd8ed1ab_0.conda hash: - md5: c76ae01767e94ee20c974a10e4f071a7 - sha256: 9b471ca984de6028add562c68135c050b66844c1597472c6162b53004793b843 + md5: 5bed0b44f99ef55c0470d2c610fbbac6 + sha256: 9513c5dd0f7fbdba8dfe70ed4e1f7591fa1c49520e06f9f0202c514475dd4257 category: main optional: false - - name: libarrow-flight - version: 14.0.1 + - name: gtk2 + version: 2.24.33 manager: conda platform: linux-64 dependencies: - libabseil: ">=20230802.1,<20230803.0a0" - libarrow: 14.0.1 - libgcc-ng: ">=12" - libgrpc: ">=1.59.2,<1.60.0a0" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libstdcxx-ng: ">=12" - ucx: ">=1.15.0,<1.16.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-flight-14.0.1-h120cb0d_3_cpu.conda + atk-1.0: ">=2.36.0" + cairo: ">=1.16.0,<2.0.0a0" + gdk-pixbuf: ">=2.42.6,<3.0a0" + gettext: ">=0.19.8.1,<1.0a0" + libgcc-ng: ">=9.4.0" + libglib: ">=2.70.2,<3.0a0" + pango: ">=1.50.3,<1.51.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/gtk2-2.24.33-h90689f9_2.tar.bz2 hash: - md5: 3aaef593671fe31fb2e3cc3b7def5e6a - sha256: 96d4f0ce2072e90c21a4d6a020c50fce74e1b0afdc578a5d32430fcf179ba1a9 - category: main - optional: false - - name: libarrow-gandiva - version: 14.0.1 + md5: 957a0255ab58aaf394a91725d73ab422 + sha256: 66d189ec36d67309fa3eb52d14d77b82359c10303c400eecc14f8eaca5939b87 + category: dev + optional: true + - name: gtk2 + version: 2.24.33 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libarrow: 14.0.1 - libgcc-ng: ">=12" - libllvm15: ">=15.0.7,<15.1.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libstdcxx-ng: ">=12" - libutf8proc: ">=2.8.0,<3.0a0" - openssl: ">=3.1.4,<4.0a0" - re2: "" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-gandiva-14.0.1-hacb8726_3_cpu.conda + atk-1.0: ">=2.36.0" + cairo: ">=1.16.0,<2.0.0a0" + gdk-pixbuf: ">=2.42.6,<3.0a0" + gettext: ">=0.19.8.1,<1.0a0" + libglib: ">=2.70.2,<3.0a0" + pango: ">=1.50.3,<1.51.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/gtk2-2.24.33-h7c1209e_2.tar.bz2 hash: - md5: 0bd1c4aeb8a8386da85df4bc0b21efc1 - sha256: 9b5d9b9a4fed1171a92795b329bc26b106471877ff5f80942ff1ad84bff7f3e2 - category: main - optional: false - - name: libparquet - version: 14.0.1 + md5: 307614630946527e302b7dd042a5cfa2 + sha256: 4f5f5116c5c81a4bfcc01ea9eb9e489346a87d7248eb44963f6552ae0fb3a984 + category: dev + optional: true + - name: gtk2 + version: 2.24.33 + manager: conda + platform: osx-arm64 + dependencies: + atk-1.0: ">=2.36.0" + cairo: ">=1.16.0,<2.0.0a0" + gdk-pixbuf: ">=2.42.6,<3.0a0" + gettext: ">=0.19.8.1,<1.0a0" + libglib: ">=2.70.2,<3.0a0" + pango: ">=1.50.3,<1.51.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/gtk2-2.24.33-h57013de_2.tar.bz2 + hash: + md5: 144fb77338d90012ebe80d3dd13fc725 + sha256: 4bebd9809bb7e76b46af054f594eda5f280a796b7ec7f5870bd185ad5b3da338 + category: dev + optional: true + - name: gts + version: 0.7.6 manager: conda platform: linux-64 dependencies: - libarrow: 14.0.1 libgcc-ng: ">=12" + libglib: ">=2.76.3,<3.0a0" libstdcxx-ng: ">=12" - libthrift: ">=0.19.0,<0.19.1.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libparquet-14.0.1-h352af49_3_cpu.conda + url: https://conda.anaconda.org/conda-forge/linux-64/gts-0.7.6-h977cf35_4.conda hash: - md5: 5e2f5615862bba1318a11e97d6a59d56 - sha256: 96e192584e790a8bc010084c829de0aaae357979aa3b80b50d36f72179d8029f - category: main - optional: false - - name: nbconvert-core - version: 7.11.0 + md5: 4d8df0b0db060d33c9a702ada998a8fe + sha256: b5cd16262fefb836f69dc26d879b6508d29f8a5c5948a966c47fe99e2e19c99b + category: dev + optional: true + - name: gts + version: 0.7.6 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - beautifulsoup4: "" - bleach: "" - defusedxml: "" - entrypoints: ">=0.2.2" - jinja2: ">=3.0" - jupyter_core: ">=4.7" - jupyterlab_pygments: "" - markupsafe: ">=2.0" - mistune: ">=2.0.3,<4" - nbclient: ">=0.5.0" - nbformat: ">=5.1" - packaging: "" - pandocfilters: ">=1.4.1" - pygments: ">=2.4.1" - python: ">=3.8" - tinycss2: "" - traitlets: ">=5.0" - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-core-7.11.0-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libglib: ">=2.76.3,<3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/gts-0.7.6-h53e17e3_4.conda hash: - md5: d59e0cb1ca993f8f910cfdf393232acf - sha256: 81732e083c4c85a52248e20ff0e40a14b0b49db9cc7ce414e8aa7d6f8980dad0 - category: main - optional: false - - name: pygraphviz - version: "1.11" + md5: 848cc963fcfbd063c7a023024aa3bec0 + sha256: d5b82a36f7e9d7636b854e56d1b4fe01c4d895128a7b73e2ec6945b691ff3314 + category: dev + optional: true + - name: gts + version: 0.7.6 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - graphviz: ">=8.1.0,<9.0a0" - libgcc-ng: ">=12" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/pygraphviz-1.11-py311h72a77b7_1.conda + libcxx: ">=15.0.7" + libglib: ">=2.76.3,<3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/gts-0.7.6-he42f4ea_4.conda hash: - md5: 7044cd923985abb6e3b976e5ac0542b8 - sha256: 8c7f3a59935089169920f052a53d7a732034967ef46c81dc7385dff47985bc2c + md5: 21b4dd3098f63a74cf2aa9159cbef57d + sha256: e0f8c7bc1b9ea62ded78ffa848e37771eeaaaf55b3146580513c7266862043ba category: dev optional: true - - name: tableschema - version: 1.19.3 + - name: h11 + version: 0.14.0 manager: conda platform: linux-64 dependencies: - cached-property: ">=1.5" - click: ">=3.3" - isodate: ">=0.5.4" - jsonschema: ">=2.5" - python: "" - python-dateutil: ">=2.4" - requests: ">=2.5" - rfc3986: ">=1.1.0" - six: ">=1.9" - tabulator: ">=1.29" - unicodecsv: ">=0.14" - url: https://conda.anaconda.org/conda-forge/noarch/tableschema-1.19.3-pyh9f0ad1d_0.tar.bz2 + python: ">=3" + typing_extensions: "" + url: https://conda.anaconda.org/conda-forge/noarch/h11-0.14.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 57f70b39e74b4af667775c0a07f35cc3 - sha256: bc96dd4ee4d7ee5d6753158ba50aacd08c80a657847d6771cc4c56da538437e7 + md5: b21ed0883505ba1910994f1df031a428 + sha256: 817d2c77d53afe3f3d9cf7f6eb8745cdd8ea76c7adaa9d7ced75c455a2c2c085 category: main optional: false - - name: datapackage - version: 1.15.2 + - name: h11 + version: 0.14.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - cchardet: ">=1.0" - click: ">=6.7" - jsonpointer: ">=1.10" - jsonschema: ">=2.5" - python: "" - requests: ">=2.8" - six: ">=1.10" - tableschema: ">=1.1.0" - tabulator: ">=1.24.2" - unicodecsv: ">=0.14" - url: https://conda.anaconda.org/conda-forge/noarch/datapackage-1.15.2-pyh44b312d_0.tar.bz2 + typing_extensions: "" + python: ">=3" + url: https://conda.anaconda.org/conda-forge/noarch/h11-0.14.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3f1a6895ab9c423cf59de7c46e56a824 - sha256: 3344e3c1ea6a1925504f7cbfba6f4be6521465baa2de6bac86769528ea1c3d0d + md5: b21ed0883505ba1910994f1df031a428 + sha256: 817d2c77d53afe3f3d9cf7f6eb8745cdd8ea76c7adaa9d7ced75c455a2c2c085 category: main optional: false - - name: google-cloud-storage - version: 2.13.0 + - name: h11 + version: 0.14.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - google-api-core: ">=1.31.5,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" - google-auth: ">=2.23.3,<3.0dev" - google-cloud-core: ">=2.3.0,<3.0dev" - google-crc32c: ">=1.0,<2.0dev" - google-resumable-media: ">=2.6.0" - protobuf: <5.0.0dev - python: ">=3.6" - requests: ">=2.18.0,<3.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-storage-2.13.0-pyhca7485f_0.conda + typing_extensions: "" + python: ">=3" + url: https://conda.anaconda.org/conda-forge/noarch/h11-0.14.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: fa7d4b2576d98b63d8ca84c76052eb95 - sha256: 8aeb7dc1298845316e9289100c5e54a9eb403c4244621d15654266c7dd225f16 + md5: b21ed0883505ba1910994f1df031a428 + sha256: 817d2c77d53afe3f3d9cf7f6eb8745cdd8ea76c7adaa9d7ced75c455a2c2c085 category: main optional: false - - name: jupyter_console - version: 6.6.3 + - name: h2 + version: 4.1.0 manager: conda platform: linux-64 dependencies: - ipykernel: ">=6.14" - ipython: "" - jupyter_client: ">=7.0.0" - jupyter_core: ">=4.12,!=5.0.*" - prompt_toolkit: ">=3.0.30" - pygments: "" - python: ">=3.7" - pyzmq: ">=17" - traitlets: ">=5.4" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_console-6.6.3-pyhd8ed1ab_0.conda + hpack: ">=4.0,<5" + hyperframe: ">=6.0,<7" + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/h2-4.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7cf6f52a66f8e3cd9d8b6c231262dcab - sha256: 4e51764d5fe2f6e43d83bcfbcf8b4da6569721bf82eaf4d647be8717cd6be75a + md5: b748fbf7060927a6e82df7cb5ee8f097 + sha256: bfc6a23849953647f4e255c782e74a0e18fe16f7e25c7bb0bc57b83bb6762c7a category: main optional: false - - name: jupyter_server - version: 2.10.1 + - name: h2 + version: 4.1.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - anyio: ">=3.1.0" - argon2-cffi: "" - jinja2: "" - jupyter_client: ">=7.4.4" - jupyter_core: ">=4.12,!=5.0.*" - jupyter_events: ">=0.9.0" - jupyter_server_terminals: "" - nbconvert-core: ">=6.4.4" - nbformat: ">=5.3.0" - overrides: "" - packaging: "" - prometheus_client: "" - python: ">=3.8" - pyzmq: ">=24" - send2trash: ">=1.8.2" - terminado: ">=0.8.3" - tornado: ">=6.2.0" - traitlets: ">=5.6.0" - websocket-client: "" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda + python: ">=3.6.1" + hpack: ">=4.0,<5" + hyperframe: ">=6.0,<7" + url: https://conda.anaconda.org/conda-forge/noarch/h2-4.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7d15498584d83de3b357425e37086397 - sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 + md5: b748fbf7060927a6e82df7cb5ee8f097 + sha256: bfc6a23849953647f4e255c782e74a0e18fe16f7e25c7bb0bc57b83bb6762c7a category: main optional: false - - name: libarrow-dataset - version: 14.0.1 + - name: h2 + version: 4.1.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libgcc-ng: ">=12" - libparquet: 14.0.1 - libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-dataset-14.0.1-h59595ed_3_cpu.conda + python: ">=3.6.1" + hpack: ">=4.0,<5" + hyperframe: ">=6.0,<7" + url: https://conda.anaconda.org/conda-forge/noarch/h2-4.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 39b1db7f15fb88394e57caf9ffc653f5 - sha256: 86aefe875eb8110a774a6ad6da94e868ed837ae054e630adec391eab7c559af4 + md5: b748fbf7060927a6e82df7cb5ee8f097 + sha256: bfc6a23849953647f4e255c782e74a0e18fe16f7e25c7bb0bc57b83bb6762c7a category: main optional: false - - name: libarrow-flight-sql - version: 14.0.1 + - name: h3-py + version: 3.7.6 manager: conda platform: linux-64 dependencies: - libarrow: 14.0.1 - libarrow-flight: 14.0.1 libgcc-ng: ">=12" - libprotobuf: ">=4.24.4,<4.24.5.0a0" libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-flight-sql-14.0.1-h61ff412_3_cpu.conda + numpy: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/h3-py-3.7.6-py311hb755f60_1.conda hash: - md5: bee925cf81e536f064c5fb58e770c102 - sha256: da8646f41e41d0808e28059e660fcac9048c8f0e1055bdcef6ccbd2c24036eb1 + md5: 9a688ad1ba707128952ab37ee99ad78d + sha256: 3b1f22bae640b2769474e837ef750fca806a4ed6ceb1f096976d4c86ab30f47a category: main optional: false - - name: nbconvert-pandoc - version: 7.11.0 + - name: h3-py + version: 3.7.6 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - nbconvert-core: 7.11.0 - pandoc: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-pandoc-7.11.0-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + numpy: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/h3-py-3.7.6-py311hdf8f085_1.conda hash: - md5: 51bd005efab7e5c5c2af2570327bd213 - sha256: 377d3c3f973b6885406ff6606d24c5e1fbd0d0fdc64c0dc17162f6daf35e08cf + md5: 491ef24fdb3c14d9c8d22efc62a181fb + sha256: 4803456649a538b04b0860e69c3222dead62c364c4af2ccd4ae89d78368f2a2f category: main optional: false - - name: qtconsole-base - version: 5.5.1 + - name: h3-py + version: 3.7.6 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - ipykernel: ">=4.1" - jupyter_client: ">=4.1" - jupyter_core: "" - packaging: "" - pygments: "" - python: ">=3.8" - qtpy: ">=2.4.0" - traitlets: "" - url: https://conda.anaconda.org/conda-forge/noarch/qtconsole-base-5.5.1-pyha770c72_0.conda + libcxx: ">=15.0.7" + numpy: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/h3-py-3.7.6-py311ha891d26_1.conda hash: - md5: 5528a3eda283b421055c89bface19a1c - sha256: e81a294941a598aabfd9462cf9aaa3b3e2c04996420f82494bdc13233de8ca70 + md5: 07e907cca837e6a36842206cc249d5a2 + sha256: 78435b66669f58d828ce390efaf36adc6845ce3c4e04fe1376c0b58d6b92377a category: main optional: false - - name: gcsfs - version: 2023.10.0 + - name: harfbuzz + version: 8.3.0 manager: conda platform: linux-64 dependencies: - aiohttp: "" - decorator: ">4.1.2" - fsspec: 2023.10.0 - google-auth: ">=1.2" - google-auth-oauthlib: "" - google-cloud-storage: ">1.40" - python: ">=3.7" - requests: "" - url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.10.0-pyhd8ed1ab_0.conda + cairo: ">=1.18.0,<2.0a0" + freetype: ">=2.12.1,<3.0a0" + graphite2: "" + icu: ">=73.2,<74.0a0" + libgcc-ng: ">=12" + libglib: ">=2.78.1,<3.0a0" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/harfbuzz-8.3.0-h3d44ed6_0.conda hash: - md5: 500521931bdcc0f6d19c1c2e2ab4a5d9 - sha256: dd7559c5297359e475a125742e9cb30938579e93a17ce7537af64a04c98407a5 - category: main - optional: false - - name: jupyter-lsp - version: 2.2.0 + md5: 5a6f6c00ef982a9bc83558d9ac8f64a0 + sha256: 4b55aea03b18a4084b750eee531ad978d4a3690f63019132c26c6ad26bbe3aed + category: dev + optional: true + - name: harfbuzz + version: 8.3.0 + manager: conda + platform: osx-64 + dependencies: + __osx: ">=10.9" + cairo: ">=1.18.0,<2.0a0" + freetype: ">=2.12.1,<3.0a0" + graphite2: "" + icu: ">=73.2,<74.0a0" + libcxx: ">=16.0.6" + libglib: ">=2.78.1,<3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/harfbuzz-8.3.0-hf45c392_0.conda + hash: + md5: 41d890485f909e4ecdc608741718c75e + sha256: c6ea14e4f4869bc78b27276c09832af845dfa415585362ed6064e37a1b5fe9c5 + category: dev + optional: true + - name: harfbuzz + version: 8.3.0 + manager: conda + platform: osx-arm64 + dependencies: + __osx: ">=10.9" + cairo: ">=1.18.0,<2.0a0" + freetype: ">=2.12.1,<3.0a0" + graphite2: "" + icu: ">=73.2,<74.0a0" + libcxx: ">=16.0.6" + libglib: ">=2.78.1,<3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/harfbuzz-8.3.0-h8f0ba13_0.conda + hash: + md5: 71e7f9ba27feae122733bb9f1bfe594c + sha256: 55e95aee9e5be7ada5a1cccedf1bb74c1362a7504cb0251fb48bcfa8bbd7cae3 + category: dev + optional: true + - name: hdf4 + version: 4.2.15 manager: conda platform: linux-64 dependencies: - importlib-metadata: ">=4.8.3" - jupyter_server: ">=1.1.2" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/hdf4-4.2.15-h2a13503_7.conda hash: - md5: 38589f4104d11f2a59ff01a9f4e3bfb3 - sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c + md5: bd77f8da987968ec3927990495dc22e4 + sha256: 0d09b6dc1ce5c4005ae1c6a19dc10767932ef9a5e9c755cfdbb5189ac8fb0684 category: main optional: false - - name: jupyter-resource-usage - version: 1.0.1 + - name: hdf4 + version: 4.2.15 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - jupyter_server: ">=2.0.0,<3" - psutil: ">=5.6.0,<6" - python: ">=3.8" - pyzmq: ">=19" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-resource-usage-1.0.1-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/hdf4-4.2.15-h8138101_7.conda hash: - md5: b079fd1b0ee75199a042537d036b496f - sha256: 076d6cc25e0338e725a653eb0bb468ba920e49449143335696581fe98f86853b - category: dev - optional: true - - name: jupyterlab_server - version: 2.25.2 + md5: 7ce543bf38dbfae0de9af112ee178af2 + sha256: 8c767cc71226e9eb62649c903c68ba73c5f5e7e3696ec0319d1f90586cebec7d + category: main + optional: false + - name: hdf4 + version: 4.2.15 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - babel: ">=2.10" - importlib-metadata: ">=4.8.3" - jinja2: ">=3.0.3" - json5: ">=0.9.0" - jsonschema: ">=4.18" - jupyter_server: ">=1.21,<3" - packaging: ">=21.3" - python: ">=3.8" - requests: ">=2.31" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/hdf4-4.2.15-h2ee6834_7.conda hash: - md5: f45557d5551b54dc2a74133a310bc1ba - sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b + md5: ff5d749fd711dc7759e127db38005924 + sha256: c3b01e3c3fe4ca1c4d28c287eaa5168a4f2fd3ffd76690082ac919244c22fa90 category: main optional: false - - name: libarrow-substrait - version: 14.0.1 + - name: hdf5 + version: 1.14.2 manager: conda platform: linux-64 dependencies: - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libarrow-dataset: 14.0.1 + libaec: ">=1.0.6,<2.0a0" + libcurl: ">=8.2.1,<9.0a0" libgcc-ng: ">=12" - libprotobuf: ">=4.24.4,<4.24.5.0a0" + libgfortran-ng: "" + libgfortran5: ">=12.3.0" libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-substrait-14.0.1-h61ff412_3_cpu.conda + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/hdf5-1.14.2-nompi_h4f84152_100.conda hash: - md5: d7f6d75fd346c05c0c836326b72a8500 - sha256: 6ac78ba3f3fcb5128dc3c0cc907d418f9edd74456b4712c2af843b35fe11585c + md5: 2de6a9bc8083b49f09b2f6eb28d3ba3c + sha256: f70f18291f912ba019cbb736bb87b6487021154733cd109147a6d9672790b6b8 category: main optional: false - - name: nbconvert - version: 7.11.0 + - name: hdf5 + version: 1.14.2 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - nbconvert-core: 7.11.0 - nbconvert-pandoc: 7.11.0 - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-7.11.0-pyhd8ed1ab_0.conda + libaec: ">=1.0.6,<2.0a0" + libcurl: ">=8.2.1,<9.0a0" + libcxx: ">=15.0.7" + libgfortran: 5.* + libgfortran5: ">=12.3.0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/hdf5-1.14.2-nompi_hedada53_100.conda hash: - md5: e492b36cbea1c83d1663fa73a8abff9b - sha256: 6af7048b30c0ce6746297548df981037802f713853a1e856aedd2f8164946d39 + md5: 2b1d4f355b60eb10c5cb435b9f0e664f + sha256: 08ab97d63ab4be60c92d3f5931effc565ae6ee0cd686eba81b9d20daf5f181ff category: main optional: false - - name: notebook-shim - version: 0.2.3 + - name: hdf5 + version: 1.14.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - jupyter_server: ">=1.8,<3" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/notebook-shim-0.2.3-pyhd8ed1ab_0.conda + libaec: ">=1.0.6,<2.0a0" + libcurl: ">=8.2.1,<9.0a0" + libcxx: ">=15.0.7" + libgfortran: 5.* + libgfortran5: ">=12.3.0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/hdf5-1.14.2-nompi_h3aba7b3_100.conda hash: - md5: 67e0fe74c156267d9159e9133df7fd37 - sha256: f028d7ad1f2175cde307db08b60d07e371b9d6f035cfae6c81ea94b4c408c538 + md5: 842c5b010b219058098ebfe5aa5891b9 + sha256: 2749910e21a7d1f88a81dc4709fc3565a4a3954eadb4409e7a5be1fc13a5b7ca category: main optional: false - - name: jupyterlab - version: 4.0.8 + - name: hpack + version: 4.0.0 manager: conda platform: linux-64 dependencies: - async-lru: ">=1.0.0" - importlib_metadata: ">=4.8.3" - importlib_resources: ">=1.4" - ipykernel: "" - jinja2: ">=3.0.3" - jupyter-lsp: ">=2.0.0" - jupyter_core: "" - jupyter_server: ">=2.4.0,<3" - jupyterlab_server: ">=2.19.0,<3" - notebook-shim: ">=0.2" - packaging: "" - python: ">=3.8" - tomli: "" - tornado: ">=6.2.0" - traitlets: "" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab-4.0.8-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/hpack-4.0.0-pyh9f0ad1d_0.tar.bz2 hash: - md5: 299796efa08ad91c602fa4d0c5ecc86f - sha256: fe5ca6c8bbda69af332593d7f9592aa19d9ab98d34c647ed0d8fbbae88b29a95 - category: dev - optional: true - - name: pyarrow - version: 14.0.1 + md5: 914d6646c4dbb1fd3ff539830a12fd71 + sha256: 5dec948932c4f740674b1afb551223ada0c55103f4c7bf86a110454da3d27cb8 + category: main + optional: false + - name: hpack + version: 4.0.0 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libarrow-dataset: 14.0.1 - libarrow-flight: 14.0.1 - libarrow-flight-sql: 14.0.1 - libarrow-gandiva: 14.0.1 - libarrow-substrait: 14.0.1 - libgcc-ng: ">=12" - libparquet: 14.0.1 - libstdcxx-ng: ">=12" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/pyarrow-14.0.1-py311h39c9aba_3_cpu.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/hpack-4.0.0-pyh9f0ad1d_0.tar.bz2 hash: - md5: b5aa577bb166417b14e9beba61816680 - sha256: 2e9686e59b87f519409ab726dbfaa08a641e8a6186f97b4a0b1a6d0175c2761d + md5: 914d6646c4dbb1fd3ff539830a12fd71 + sha256: 5dec948932c4f740674b1afb551223ada0c55103f4c7bf86a110454da3d27cb8 category: main optional: false - - name: notebook - version: 7.0.6 + - name: hpack + version: 4.0.0 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - jupyter_server: ">=2.4.0,<3" - jupyterlab: ">=4.0.7,<5" - jupyterlab_server: ">=2.22.1,<3" - notebook-shim: ">=0.2,<0.3" - python: ">=3.8" - tornado: ">=6.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/notebook-7.0.6-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/hpack-4.0.0-pyh9f0ad1d_0.tar.bz2 hash: - md5: d60881c78a54cbf8042ae719f1f77a50 - sha256: 5259ad2fb47300407dafa6ea5e78085a2c8de8dcdbfbaa58592bf2677d7187a9 + md5: 914d6646c4dbb1fd3ff539830a12fd71 + sha256: 5dec948932c4f740674b1afb551223ada0c55103f4c7bf86a110454da3d27cb8 category: main optional: false - - name: jupyter - version: 1.0.0 + - name: html5lib + version: "1.1" manager: conda platform: linux-64 dependencies: - ipykernel: "" - ipywidgets: "" - jupyter_console: "" - nbconvert: "" - notebook: "" - python: ">=3.6" - qtconsole-base: "" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-1.0.0-pyhd8ed1ab_10.conda + python: "" + six: ">=1.9" + webencodings: "" + url: https://conda.anaconda.org/conda-forge/noarch/html5lib-1.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 056b8cc3d9b03f54fc49e6d70d7dc359 - sha256: 308b521b149e7a1739f717538b929bc2d87b9001b94f13ee8baa939632a86150 + md5: b2355343d6315c892543200231d7154a + sha256: 9ad06446fe9847e86cb20d220bf11614afcd2cbe9f58096f08d5d4018877bee4 category: main optional: false - - name: sphinx-autoapi - version: 3.0.0 + - name: html5lib + version: "1.1" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - anyascii: "" - astroid: ">=2.7" - jinja2: "" - python: ">=3.8" - pyyaml: "" - sphinx: ">=6.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-autoapi-3.0.0-pyhd8ed1ab_0.conda + python: "" + webencodings: "" + six: ">=1.9" + url: https://conda.anaconda.org/conda-forge/noarch/html5lib-1.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 736b53813c2b9582b1345462d8ca66e7 - sha256: 61d127c9e32176ac75a24b85c4d1ba3e8cf7e638884331429752a2da6a3ac63a + md5: b2355343d6315c892543200231d7154a + sha256: 9ad06446fe9847e86cb20d220bf11614afcd2cbe9f58096f08d5d4018877bee4 category: main optional: false - - name: sphinx-basic-ng - version: 1.0.0b2 + - name: html5lib + version: "1.1" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - sphinx: ">=4.0,<8.0" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-basic-ng-1.0.0b2-pyhd8ed1ab_1.conda + python: "" + webencodings: "" + six: ">=1.9" + url: https://conda.anaconda.org/conda-forge/noarch/html5lib-1.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: a631f5c7b7f5045448f966ad71aa2881 - sha256: 3c7a6a8bb6c9921741ef940cd61ff1694beac3c95ca7e9ad4b0ea32e2f6ac2fa + md5: b2355343d6315c892543200231d7154a + sha256: 9ad06446fe9847e86cb20d220bf11614afcd2cbe9f58096f08d5d4018877bee4 category: main optional: false - - name: furo - version: 2023.9.10 + - name: httpcore + version: 1.0.2 manager: conda platform: linux-64 dependencies: - beautifulsoup4: "" - pygments: ">=2.7" - python: ">=3.7" - sphinx: ">=6.0,<8.0" - sphinx-basic-ng: "" - url: https://conda.anaconda.org/conda-forge/noarch/furo-2023.9.10-pyhd8ed1ab_0.conda + anyio: ">=3.0,<5.0" + certifi: "" + h11: ">=0.13,<0.15" + h2: ">=3,<5" + python: ">=3.8" + sniffio: 1.* + url: https://conda.anaconda.org/conda-forge/noarch/httpcore-1.0.2-pyhd8ed1ab_0.conda + hash: + md5: 48995b2157996a94f50fa483d884e0a3 + sha256: b9a2ec0ecdaf54d67caf73d8a94c8ddba62f482093a5adbfb89c2ce020d64475 + category: main + optional: false + - name: httpcore + version: 1.0.2 + manager: conda + platform: osx-64 + dependencies: + certifi: "" + python: ">=3.8" + sniffio: 1.* + h2: ">=3,<5" + anyio: ">=3.0,<5.0" + h11: ">=0.13,<0.15" + url: https://conda.anaconda.org/conda-forge/noarch/httpcore-1.0.2-pyhd8ed1ab_0.conda hash: - md5: 0dcfacf6d3e49f2957c69c81356cf892 - sha256: 95f69e36078dd598f5b28b2e0d7ff94946170af9f990b7474ee5501378203bc3 + md5: 48995b2157996a94f50fa483d884e0a3 + sha256: b9a2ec0ecdaf54d67caf73d8a94c8ddba62f482093a5adbfb89c2ce020d64475 category: main optional: false - - name: sphinx-issues - version: 1.2.0 + - name: httpcore + version: 1.0.2 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: "" - sphinx: "" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-issues-1.2.0-py_0.tar.bz2 + certifi: "" + python: ">=3.8" + sniffio: 1.* + h2: ">=3,<5" + anyio: ">=3.0,<5.0" + h11: ">=0.13,<0.15" + url: https://conda.anaconda.org/conda-forge/noarch/httpcore-1.0.2-pyhd8ed1ab_0.conda hash: - md5: 2d5c0dddca9bb724dcf5a3fb295a2266 - sha256: 9d98392bff12194c45c6f13c6c93d0b15b2fe489de5746654e732009fce41a86 + md5: 48995b2157996a94f50fa483d884e0a3 + sha256: b9a2ec0ecdaf54d67caf73d8a94c8ddba62f482093a5adbfb89c2ce020d64475 category: main optional: false - - name: sphinx-reredirects - version: 0.1.2 + - name: httptools + version: 0.6.1 manager: conda platform: linux-64 dependencies: - python: ">=3.6" - sphinx: "" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-reredirects-0.1.2-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/httptools-0.6.1-py311h459d7ec_0.conda hash: - md5: 30e618adaaf11aa4a98912913c62a12b - sha256: bcc792d6fbfc06298d23e98216d1aeca95eb69005ce8176094128990aed1f11c - category: main - optional: false - - name: sphinxcontrib-applehelp - version: 1.0.7 + md5: 97b41332ad07a69a1ebb06e26aed50c8 + sha256: 32dc1c03971727098847564d7be589d16d48df233ccee79d369bb79f4e2fee9c + category: dev + optional: true + - name: httptools + version: 0.6.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-applehelp-1.0.7-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/httptools-0.6.1-py311he705e18_0.conda hash: - md5: aebfabcb60c33a89c1f9290cab49bc93 - sha256: 67e2b386c7b3c858ead88fa71fe4fa5eb1f4f59d7994d167b3910a744db392d3 - category: main - optional: false - - name: sphinxcontrib-bibtex - version: 2.6.1 + md5: 18bfe027e8c0a8a54aeb6794359c977e + sha256: ed33c069ccfb3b1bdf396bbb2280aabeb36273054e9d5ad249639ba4e6820822 + category: dev + optional: true + - name: httptools + version: 0.6.1 + manager: conda + platform: osx-arm64 + dependencies: + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/httptools-0.6.1-py311h05b510d_0.conda + hash: + md5: be46012a5eafd7944c8e72dc129464c7 + sha256: 7fa4b77928382b5d187380a437435f8c6726253387742a1944db03407b8c7a67 + category: dev + optional: true + - name: httpx + version: 0.25.1 manager: conda platform: linux-64 dependencies: - dataclasses: "" - docutils: ">=0.8,!=0.18.*,!=0.19.*" - importlib_metadata: ">=3.6" - pybtex: ">=0.24" - pybtex-docutils: ">=1" - python: ">=3.7" - sphinx: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-bibtex-2.6.1-pyhd8ed1ab_1.conda + anyio: "" + certifi: "" + httpcore: "" + idna: "" + python: ">=3.8" + sniffio: "" + url: https://conda.anaconda.org/conda-forge/noarch/httpx-0.25.1-pyhd8ed1ab_0.conda hash: - md5: 109cf3a7c844834267057e80b4f4eae3 - sha256: 2d04d3e165c0959d995faab5ccd5fa3581016c02fb94df4eb5d0e0a89fe9ff50 + md5: 3e00320730cb93fa4941a0cbea0db572 + sha256: fbf9e61459b65022eecbdbb19ec2dc83740374e7db981732d687456e5bcdff72 category: main optional: false - - name: sphinxcontrib-devhelp - version: 1.0.5 + - name: httpx + version: 0.25.1 manager: conda - platform: linux-64 + platform: osx-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-devhelp-1.0.5-pyhd8ed1ab_0.conda + certifi: "" + idna: "" + httpcore: "" + anyio: "" + sniffio: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/httpx-0.25.1-pyhd8ed1ab_0.conda hash: - md5: ebf08f5184d8eaa486697bc060031953 - sha256: 770e13ebfef321426c09ec51d95c57755512db160518b2922a4337546ee51672 + md5: 3e00320730cb93fa4941a0cbea0db572 + sha256: fbf9e61459b65022eecbdbb19ec2dc83740374e7db981732d687456e5bcdff72 category: main optional: false - - name: sphinxcontrib-htmlhelp - version: 2.0.4 + - name: httpx + version: 0.25.1 manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-htmlhelp-2.0.4-pyhd8ed1ab_0.conda + certifi: "" + idna: "" + httpcore: "" + anyio: "" + sniffio: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/httpx-0.25.1-pyhd8ed1ab_0.conda hash: - md5: a9a89000dfd19656ad004b937eeb6828 - sha256: 5f09cd4a08a6c194c11999871a8c7cedc2cd7edd9ff7ceb6f0667b6698be4cc5 + md5: 3e00320730cb93fa4941a0cbea0db572 + sha256: fbf9e61459b65022eecbdbb19ec2dc83740374e7db981732d687456e5bcdff72 category: main optional: false - - name: sphinxcontrib-qthelp - version: 1.0.6 + - name: humanfriendly + version: "10.0" manager: conda platform: linux-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-qthelp-1.0.6-pyhd8ed1ab_0.conda + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/humanfriendly-10.0-pyhd8ed1ab_6.conda hash: - md5: cf5c9649272c677a964a7313279e3a9b - sha256: 9ba5cea9cbab64106e8b5a9b19add855dcb52b8fbb1674398c715bccdbc04471 + md5: 2ed1fe4b9079da97c44cfe9c2e5078fd + sha256: cd93d5d4b1d98f7ce76a8658c35de9c63e17b3a40e52f40fa2f459e0da83d0b1 category: main optional: false - - name: sphinx - version: 7.2.6 + - name: humanfriendly + version: "10.0" manager: conda - platform: linux-64 + platform: osx-64 dependencies: - alabaster: ">=0.7,<0.8" - babel: ">=2.9" - colorama: ">=0.4.5" - docutils: ">=0.18.1,<0.21" - imagesize: ">=1.3" - importlib-metadata: ">=4.8" - jinja2: ">=3.0" - packaging: ">=21.0" - pygments: ">=2.14" - python: ">=3.9" - requests: ">=2.25.0" - snowballstemmer: ">=2.0" - sphinxcontrib-applehelp: "" - sphinxcontrib-devhelp: "" - sphinxcontrib-htmlhelp: ">=2.0.0" - sphinxcontrib-jsmath: "" - sphinxcontrib-qthelp: "" - sphinxcontrib-serializinghtml: ">=1.1.9" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-7.2.6-pyhd8ed1ab_0.conda + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/humanfriendly-10.0-pyhd8ed1ab_6.conda hash: - md5: bbfd1120d1824d2d073bc65935f0e4c0 - sha256: 665d1fe6d20c6cc672ff20e6ebb405860f878b487d3d8d86a5952733fb7bbc42 + md5: 2ed1fe4b9079da97c44cfe9c2e5078fd + sha256: cd93d5d4b1d98f7ce76a8658c35de9c63e17b3a40e52f40fa2f459e0da83d0b1 category: main optional: false - - name: sphinxcontrib-serializinghtml - version: 1.1.9 + - name: humanfriendly + version: "10.0" manager: conda - platform: linux-64 + platform: osx-arm64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-serializinghtml-1.1.9-pyhd8ed1ab_0.conda + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/humanfriendly-10.0-pyhd8ed1ab_6.conda hash: - md5: 0612e497d7860728f2cda421ea2aec09 - sha256: c5710ae7bb7465f25a29cc845d9fb6ad0ea561972d796d379fcb48d801e96d6d + md5: 2ed1fe4b9079da97c44cfe9c2e5078fd + sha256: cd93d5d4b1d98f7ce76a8658c35de9c63e17b3a40e52f40fa2f459e0da83d0b1 category: main optional: false - - name: aws-c-common - version: 0.9.8 + - name: hupper + version: "1.12" manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-common-0.9.8-h10d778d_0.conda + platform: linux-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/hupper-1.12-pyhd8ed1ab_0.conda hash: - md5: 1835ae87bcb96111220344774a930f02 - sha256: 4aac7a22b208c13707297d8e08c62569186f4dcc2ed3cd01ffa79af4576e3dcc + md5: 2654ff96e839bc699e5c3780689a596b + sha256: 0b172391000a008029f32e4a34d37d79b114d4ea3b6948d2be72a78568fdadcd category: main optional: false - - name: bzip2 - version: 1.0.8 + - name: hupper + version: "1.12" manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/bzip2-1.0.8-h10d778d_5.conda + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/hupper-1.12-pyhd8ed1ab_0.conda hash: - md5: 6097a6ca9ada32699b5fc4312dd6ef18 - sha256: 61fb2b488928a54d9472113e1280b468a309561caa54f33825a3593da390b242 + md5: 2654ff96e839bc699e5c3780689a596b + sha256: 0b172391000a008029f32e4a34d37d79b114d4ea3b6948d2be72a78568fdadcd category: main optional: false - - name: c-ares - version: 1.21.0 + - name: hupper + version: "1.12" manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/c-ares-1.21.0-h10d778d_0.conda + platform: osx-arm64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/hupper-1.12-pyhd8ed1ab_0.conda hash: - md5: 88426162f781739069a6bd178841ed5d - sha256: 7450d861c07e74b10dfcf3ba680b384cf22f1c2dd34c3eba763ab5920376bf79 + md5: 2654ff96e839bc699e5c3780689a596b + sha256: 0b172391000a008029f32e4a34d37d79b114d4ea3b6948d2be72a78568fdadcd category: main optional: false - - name: ca-certificates - version: 2023.11.17 + - name: hyperframe + version: 6.0.1 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/ca-certificates-2023.11.17-h8857fd0_0.conda + platform: linux-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/hyperframe-6.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: c687e9d14c49e3d3946d50a413cdbf16 - sha256: 7e05d80a97beb7cb7492fae38584a68d51f338a5eddf73a14b5bd266597db90e + md5: 9f765cbfab6870c8435b9eefecd7a1f4 + sha256: e374a9d0f53149328134a8d86f5d72bca4c6dcebed3c0ecfa968c02996289330 category: main optional: false - - name: font-ttf-dejavu-sans-mono - version: "2.37" + - name: hyperframe + version: 6.0.1 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-dejavu-sans-mono-2.37-hab24e00_0.tar.bz2 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/hyperframe-6.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 0c96522c6bdaed4b1566d11387caaf45 - sha256: 58d7f40d2940dd0a8aa28651239adbf5613254df0f75789919c4e6762054403b + md5: 9f765cbfab6870c8435b9eefecd7a1f4 + sha256: e374a9d0f53149328134a8d86f5d72bca4c6dcebed3c0ecfa968c02996289330 category: main optional: false - - name: font-ttf-inconsolata - version: "3.000" + - name: hyperframe + version: 6.0.1 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-inconsolata-3.000-h77eed37_0.tar.bz2 + platform: osx-arm64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/hyperframe-6.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 34893075a5c9e55cdafac56607368fc6 - sha256: c52a29fdac682c20d252facc50f01e7c2e7ceac52aa9817aaf0bb83f7559ec5c + md5: 9f765cbfab6870c8435b9eefecd7a1f4 + sha256: e374a9d0f53149328134a8d86f5d72bca4c6dcebed3c0ecfa968c02996289330 category: main optional: false - - name: font-ttf-source-code-pro - version: "2.038" + - name: hypothesis + version: 6.90.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-source-code-pro-2.038-h77eed37_0.tar.bz2 + platform: linux-64 + dependencies: + attrs: ">=19.2.0" + backports.zoneinfo: ">=0.2.1" + click: ">=7.0" + exceptiongroup: ">=1.0.0rc8" + python: ">=3.8" + setuptools: "" + sortedcontainers: ">=2.1.0,<3.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/hypothesis-6.90.0-pyha770c72_0.conda hash: - md5: 4d59c254e01d9cde7957100457e2d5fb - sha256: 00925c8c055a2275614b4d983e1df637245e19058d79fc7dd1a93b8d9fb4b139 + md5: 158cd5ffb2605febd8dfaff449079eed + sha256: 1e5b6e988349ca6e81c52b65c243d5000740bdc97f898d95aabef99fae173119 category: main optional: false - - name: font-ttf-ubuntu - version: "0.83" + - name: hypothesis + version: 6.90.0 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-ubuntu-0.83-hab24e00_0.tar.bz2 + dependencies: + setuptools: "" + python: ">=3.8" + click: ">=7.0" + attrs: ">=19.2.0" + sortedcontainers: ">=2.1.0,<3.0.0" + backports.zoneinfo: ">=0.2.1" + exceptiongroup: ">=1.0.0rc8" + url: https://conda.anaconda.org/conda-forge/noarch/hypothesis-6.90.0-pyha770c72_0.conda hash: - md5: 19410c3df09dfb12d1206132a1d357c5 - sha256: 470d5db54102bd51dbb0c5990324a2f4a0bc976faa493b22193338adb9882e2e + md5: 158cd5ffb2605febd8dfaff449079eed + sha256: 1e5b6e988349ca6e81c52b65c243d5000740bdc97f898d95aabef99fae173119 category: main optional: false - - name: fribidi - version: 1.0.10 + - name: hypothesis + version: 6.90.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/fribidi-1.0.10-hbcb3906_0.tar.bz2 + platform: osx-arm64 + dependencies: + setuptools: "" + python: ">=3.8" + click: ">=7.0" + attrs: ">=19.2.0" + sortedcontainers: ">=2.1.0,<3.0.0" + backports.zoneinfo: ">=0.2.1" + exceptiongroup: ">=1.0.0rc8" + url: https://conda.anaconda.org/conda-forge/noarch/hypothesis-6.90.0-pyha770c72_0.conda hash: - md5: f1c6b41e0f56998ecd9a3e210faa1dc0 - sha256: 4f6db86ecc4984cd4ac88ca52030726c3cfd11a64dfb15c8602025ee3001a2b5 - category: dev - optional: true - - name: giflib - version: 5.2.1 + md5: 158cd5ffb2605febd8dfaff449079eed + sha256: 1e5b6e988349ca6e81c52b65c243d5000740bdc97f898d95aabef99fae173119 + category: main + optional: false + - name: icu + version: "73.2" manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/giflib-5.2.1-hb7f2c08_3.conda + platform: linux-64 + dependencies: + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/icu-73.2-h59595ed_0.conda hash: - md5: aca150b0186836f893ebac79019e5498 - sha256: 47515e0874bcf67e438e1d5d093b074c1781f055067195f0d00a7790a56d446d + md5: cc47e1facc155f91abd89b11e48e72ff + sha256: e12fd90ef6601da2875ebc432452590bc82a893041473bc1c13ef29001a73ea8 category: main optional: false - name: icu @@ -8427,8034 +8187,8441 @@ package: sha256: f66362dc36178ac9b7c7a9b012948a9d2d050b3debec24bbd94aadbc44854185 category: main optional: false - - name: json-c - version: "0.17" - manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/json-c-0.17-h8e11ae5_0.conda - hash: - md5: 266d2e4ebbf37091c8322937392bb540 - sha256: 2a493095fe1292108ff1799a1b47ababe82d844bfa3abcf2252676c1017a1e04 - category: main - optional: false - - name: libboost-headers - version: 1.82.0 - manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libboost-headers-1.82.0-h694c41f_6.conda - hash: - md5: 26a7214f82c75126cbd6d6a8e6792b31 - sha256: 84dae029e113178efa697fbbe6ff7aa270974f316fbf208a24242d35295e96a6 - category: main - optional: false - - name: libbrotlicommon - version: 1.1.0 + - name: icu + version: "73.2" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libbrotlicommon-1.1.0-h0dc2134_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/icu-73.2-hc8870d7_0.conda hash: - md5: 9e6c31441c9aa24e41ace40d6151aab6 - sha256: f57c57c442ef371982619f82af8735f93a4f50293022cfd1ffaf2ff89c2e0b2a + md5: 8521bd47c0e11c5902535bb1a17c565f + sha256: ff9cd0c6cd1349954c801fb443c94192b637e1b414514539f3c49c56a39f51b1 category: main optional: false - - name: libcxx - version: 16.0.6 + - name: identify + version: 2.5.32 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libcxx-16.0.6-hd57cbcb_0.conda + platform: linux-64 + dependencies: + python: ">=3.6" + ukkonen: "" + url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.32-pyhd8ed1ab_0.conda hash: - md5: 7d6972792161077908b62971802f289a - sha256: 9063271847cf05f3a6cc6cae3e7f0ced032ab5f3a3c9d3f943f876f39c5c2549 + md5: 3ef8e9bab1bfaf900bb0a5db8c0c742c + sha256: 0783aa58f43d1c113a2ec300a29ba3313184056f9893671c75037fbadaf9e546 category: main optional: false - - name: libdeflate - version: "1.19" + - name: identify + version: 2.5.32 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libdeflate-1.19-ha4e1b8e_0.conda + dependencies: + ukkonen: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.32-pyhd8ed1ab_0.conda hash: - md5: 6a45f543c2beb40023df5ee7e3cedfbd - sha256: d0f789120fedd0881b129aba9993ec5dcf0ecca67a71ea20c74394e41adcb503 + md5: 3ef8e9bab1bfaf900bb0a5db8c0c742c + sha256: 0783aa58f43d1c113a2ec300a29ba3313184056f9893671c75037fbadaf9e546 category: main optional: false - - name: libev - version: "4.33" + - name: identify + version: 2.5.32 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libev-4.33-haf1e3a3_1.tar.bz2 + platform: osx-arm64 + dependencies: + ukkonen: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.32-pyhd8ed1ab_0.conda hash: - md5: 79dc2be110b2a3d1e97ec21f691c50ad - sha256: c4154d424431898d84d6afb8b32e3ba749fe5d270d322bb0af74571a3cb09c6b + md5: 3ef8e9bab1bfaf900bb0a5db8c0c742c + sha256: 0783aa58f43d1c113a2ec300a29ba3313184056f9893671c75037fbadaf9e546 category: main optional: false - - name: libexpat - version: 2.5.0 + - name: idna + version: "3.4" manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libexpat-2.5.0-hf0c8a7f_1.conda + platform: linux-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/idna-3.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6c81cb022780ee33435cca0127dd43c9 - sha256: 80024bd9f44d096c4cc07fb2bac76b5f1f7553390112dab3ad6acb16a05f0b96 + md5: 34272b248891bddccc64479f9a7fffed + sha256: 9887c35c374ec1847f167292d3fde023cb4c994a4ceeec283072b95440131f09 category: main optional: false - - name: libffi - version: 3.4.2 + - name: idna + version: "3.4" manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libffi-3.4.2-h0d85af4_5.tar.bz2 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/idna-3.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: ccb34fb14960ad8b125962d3d79b31a9 - sha256: 7a2d27a936ceee6942ea4d397f9c7d136f12549d86f7617e8b6bad51e01a941f + md5: 34272b248891bddccc64479f9a7fffed + sha256: 9887c35c374ec1847f167292d3fde023cb4c994a4ceeec283072b95440131f09 category: main optional: false - - name: libiconv - version: "1.17" + - name: idna + version: "3.4" manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libiconv-1.17-hac89ed1_0.tar.bz2 + platform: osx-arm64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/idna-3.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 691d103d11180486154af49c037b7ed9 - sha256: 4a3294037d595754f7da7c11a41f3922f995aaa333f3cb66f02d8afa032a7bc2 + md5: 34272b248891bddccc64479f9a7fffed + sha256: 9887c35c374ec1847f167292d3fde023cb4c994a4ceeec283072b95440131f09 category: main optional: false - - name: libjpeg-turbo - version: 3.0.0 + - name: ijson + version: 3.2.3 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libjpeg-turbo-3.0.0-h0dc2134_1.conda + platform: linux-64 + dependencies: + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/ijson-3.2.3-pyhd8ed1ab_0.conda hash: - md5: 72507f8e3961bc968af17435060b6dd6 - sha256: d9572fd1024adc374aae7c247d0f29fdf4b122f1e3586fe62acc18067f40d02f + md5: 6b1e4cb33f797d6487efd3ebad39d103 + sha256: 133fb51b4c638c453ef7de37cc4d412b9a4442839a9c7ad986b9bf473234b585 category: main optional: false - - name: libsodium - version: 1.0.18 + - name: ijson + version: 3.2.3 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libsodium-1.0.18-hbcb3906_1.tar.bz2 + dependencies: + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/ijson-3.2.3-pyhd8ed1ab_0.conda hash: - md5: 24632c09ed931af617fe6d5292919cab - sha256: 2da45f14e3d383b4b9e3a8bacc95cd2832aac2dbf9fbc70d255d384a310c5660 + md5: 6b1e4cb33f797d6487efd3ebad39d103 + sha256: 133fb51b4c638c453ef7de37cc4d412b9a4442839a9c7ad986b9bf473234b585 category: main optional: false - - name: libtool - version: 2.4.7 - manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libtool-2.4.7-hf0c8a7f_0.conda - hash: - md5: 1f87b8f56ae1210c77f6133705ef24af - sha256: 0827bcf84a243ca6dd47901caa607262a0184d6048a7cf444b26aa8ee80eb066 - category: dev - optional: true - - name: libutf8proc - version: 2.8.0 - manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libutf8proc-2.8.0-hb7f2c08_0.tar.bz2 + - name: ijson + version: 3.2.3 + manager: conda + platform: osx-arm64 + dependencies: + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/ijson-3.2.3-pyhd8ed1ab_0.conda hash: - md5: db98dc3e58cbc11583180609c429c17d - sha256: 55a7f96b2802e94def207fdfe92bc52c24d705d139bb6cdb3d936cbe85e1c505 + md5: 6b1e4cb33f797d6487efd3ebad39d103 + sha256: 133fb51b4c638c453ef7de37cc4d412b9a4442839a9c7ad986b9bf473234b585 category: main optional: false - - name: libuv - version: 1.46.0 + - name: imagesize + version: 1.4.1 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libuv-1.46.0-h0c2f820_0.conda + platform: linux-64 + dependencies: + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/imagesize-1.4.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 27664a5d39d9c32ae38880fec2b33b36 - sha256: e51667c756f15580d3ce131d6157f0238d931c05af118c89f019854f2a7c125e + md5: 7de5386c8fea29e76b303f37dde4c352 + sha256: c2bfd7043e0c4c12d8b5593de666c1e81d67b83c474a0a79282cc5c4ef845460 category: main optional: false - - name: libwebp-base - version: 1.3.2 + - name: imagesize + version: 1.4.1 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libwebp-base-1.3.2-h0dc2134_0.conda + dependencies: + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/imagesize-1.4.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 4e7e9d244e87d66c18d36894fd6a8ae5 - sha256: fa7580f26fec4c28321ec2ece1257f3293e0c646c635e9904679f4a8369be401 + md5: 7de5386c8fea29e76b303f37dde4c352 + sha256: c2bfd7043e0c4c12d8b5593de666c1e81d67b83c474a0a79282cc5c4ef845460 category: main optional: false - - name: libzlib - version: 1.2.13 + - name: imagesize + version: 1.4.1 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/libzlib-1.2.13-h8a1eda9_5.conda + platform: osx-arm64 + dependencies: + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/imagesize-1.4.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 4a3ad23f6e16f99c04e166767193d700 - sha256: fc58ad7f47ffea10df1f2165369978fba0a1cc32594aad778f5eec725f334867 + md5: 7de5386c8fea29e76b303f37dde4c352 + sha256: c2bfd7043e0c4c12d8b5593de666c1e81d67b83c474a0a79282cc5c4ef845460 category: main optional: false - - name: llvm-openmp - version: 17.0.5 + - name: importlib-metadata + version: 6.8.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/llvm-openmp-17.0.5-hb6ac08f_0.conda + platform: linux-64 + dependencies: + python: ">=3.8" + zipp: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/importlib-metadata-6.8.0-pyha770c72_0.conda hash: - md5: 8ca3784280b7cb54163a46e8a918fb43 - sha256: 8ad5acab5d5fb38785c6f41e17e5e1729f305f4838cc3a4470688c6cf942c0da + md5: 4e9f59a060c3be52bc4ddc46ee9b6946 + sha256: 2797ed927d65324309b6c630190d917b9f2111e0c217b721f80429aeb57f9fcf category: main optional: false - - name: lzo - version: "2.10" + - name: importlib-metadata + version: 6.8.0 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/lzo-2.10-haf1e3a3_1000.tar.bz2 + dependencies: + python: ">=3.8" + zipp: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/importlib-metadata-6.8.0-pyha770c72_0.conda hash: - md5: 0b6bca372a95d6c602c7a922e928ce79 - sha256: c8a9401eff2efbbcc6da03d0066ee85d72402f7658c240e7968c64052a0d0493 + md5: 4e9f59a060c3be52bc4ddc46ee9b6946 + sha256: 2797ed927d65324309b6c630190d917b9f2111e0c217b721f80429aeb57f9fcf category: main optional: false - - name: poppler-data - version: 0.4.12 + - name: importlib-metadata + version: 6.8.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/poppler-data-0.4.12-hd8ed1ab_0.conda + platform: osx-arm64 + dependencies: + python: ">=3.8" + zipp: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/importlib-metadata-6.8.0-pyha770c72_0.conda hash: - md5: d8d7293c5b37f39b2ac32940621c6592 - sha256: 2f227e17b3c0346112815faa605502b66c1c4511a856127f2899abf15a98a2cf + md5: 4e9f59a060c3be52bc4ddc46ee9b6946 + sha256: 2797ed927d65324309b6c630190d917b9f2111e0c217b721f80429aeb57f9fcf category: main optional: false - - name: pthread-stubs - version: "0.4" + - name: importlib_metadata + version: 6.8.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/pthread-stubs-0.4-hc929b4f_1001.tar.bz2 + platform: linux-64 + dependencies: + importlib-metadata: ">=6.8.0,<6.8.1.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/importlib_metadata-6.8.0-hd8ed1ab_0.conda hash: - md5: addd19059de62181cd11ae8f4ef26084 - sha256: 6e3900bb241bcdec513d4e7180fe9a19186c1a38f0b4080ed619d26014222c53 + md5: b279b07ce18058034e5b3606ba103a8b + sha256: b96e01dc42d547d6d9ceb1c5b52a5232cc04e40153534350f702c3e0418a6b3f category: main optional: false - - name: python_abi - version: "3.11" + - name: importlib_metadata + version: 6.8.0 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/python_abi-3.11-4_cp311.conda + dependencies: + importlib-metadata: ">=6.8.0,<6.8.1.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/importlib_metadata-6.8.0-hd8ed1ab_0.conda hash: - md5: fef7a52f0eca6bae9e8e2e255bc86394 - sha256: f56dfe2a57b3b27bad3f9527f943548e8b2526e949d9d6fc0a383020d9359afe + md5: b279b07ce18058034e5b3606ba103a8b + sha256: b96e01dc42d547d6d9ceb1c5b52a5232cc04e40153534350f702c3e0418a6b3f category: main optional: false - - name: tzcode - version: 2023c + - name: importlib_metadata + version: 6.8.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/tzcode-2023c-hb7f2c08_0.conda + platform: osx-arm64 + dependencies: + importlib-metadata: ">=6.8.0,<6.8.1.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/importlib_metadata-6.8.0-hd8ed1ab_0.conda hash: - md5: a7ba8e96323b9d8ce4f0edc4f4dab27f - sha256: 0d4b111314bea267454f48691debc1ff4c0ce8cb91491d2be30381de498ac59e + md5: b279b07ce18058034e5b3606ba103a8b + sha256: b96e01dc42d547d6d9ceb1c5b52a5232cc04e40153534350f702c3e0418a6b3f category: main optional: false - - name: tzdata - version: 2023c + - name: importlib_resources + version: 6.1.1 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/tzdata-2023c-h71feb2d_0.conda + platform: linux-64 + dependencies: + python: ">=3.8" + zipp: ">=3.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/importlib_resources-6.1.1-pyhd8ed1ab_0.conda hash: - md5: 939e3e74d8be4dac89ce83b20de2492a - sha256: 0449138224adfa125b220154408419ec37c06b0b49f63c5954724325903ecf55 + md5: 3d5fa25cf42f3f32a12b2d874ace8574 + sha256: e584f9ae08fb2d242af0ce7e19e3cd2f85f362d8523119e08f99edb962db99ed category: main optional: false - - name: xorg-libxau - version: 1.0.11 + - name: importlib_resources + version: 6.1.1 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/xorg-libxau-1.0.11-h0dc2134_0.conda + dependencies: + python: ">=3.8" + zipp: ">=3.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/importlib_resources-6.1.1-pyhd8ed1ab_0.conda hash: - md5: 9566b4c29274125b0266d0177b5eb97b - sha256: 8a2e398c4f06f10c64e69f56bcf3ddfa30b432201446a0893505e735b346619a + md5: 3d5fa25cf42f3f32a12b2d874ace8574 + sha256: e584f9ae08fb2d242af0ce7e19e3cd2f85f362d8523119e08f99edb962db99ed category: main optional: false - - name: xorg-libxdmcp - version: 1.1.3 + - name: importlib_resources + version: 6.1.1 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/xorg-libxdmcp-1.1.3-h35c211d_0.tar.bz2 + platform: osx-arm64 + dependencies: + python: ">=3.8" + zipp: ">=3.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/importlib_resources-6.1.1-pyhd8ed1ab_0.conda hash: - md5: 86ac76d6bf1cbb9621943eb3bd9ae36e - sha256: 485421c16f03a01b8ed09984e0b2ababdbb3527e1abf354ff7646f8329be905f + md5: 3d5fa25cf42f3f32a12b2d874ace8574 + sha256: e584f9ae08fb2d242af0ce7e19e3cd2f85f362d8523119e08f99edb962db99ed category: main optional: false - - name: xz - version: 5.2.6 + - name: iniconfig + version: 2.0.0 manager: conda - platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/xz-5.2.6-h775f41a_0.tar.bz2 + platform: linux-64 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/iniconfig-2.0.0-pyhd8ed1ab_0.conda hash: - md5: a72f9d4ea13d55d745ff1ed594747f10 - sha256: eb09823f34cc2dd663c0ec4ab13f246f45dcd52e5b8c47b9864361de5204a1c8 + md5: f800d2da156d08e289b14e87e43c1ae5 + sha256: 38740c939b668b36a50ef455b077e8015b8c9cf89860d421b3fff86048f49666 category: main optional: false - - name: yaml - version: 0.2.5 + - name: iniconfig + version: 2.0.0 manager: conda platform: osx-64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/yaml-0.2.5-h0d85af4_2.tar.bz2 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/iniconfig-2.0.0-pyhd8ed1ab_0.conda hash: - md5: d7e08fcf8259d742156188e8762b4d20 - sha256: 5301417e2c8dea45b401ffee8df3957d2447d4ce80c83c5ff151fc6bfe1c4148 + md5: f800d2da156d08e289b14e87e43c1ae5 + sha256: 38740c939b668b36a50ef455b077e8015b8c9cf89860d421b3fff86048f49666 category: main optional: false - - name: aws-c-cal - version: 0.6.9 + - name: iniconfig + version: 2.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-cal-0.6.9-h49e9720_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/iniconfig-2.0.0-pyhd8ed1ab_0.conda hash: - md5: a1fc363f4bcbc029a096df632e1b06ab - sha256: 4f7f92067ecf18696a40fedacdc189ffa045020ebd0948ad094624d7c5a8e5a2 + md5: f800d2da156d08e289b14e87e43c1ae5 + sha256: 38740c939b668b36a50ef455b077e8015b8c9cf89860d421b3fff86048f49666 category: main optional: false - - name: aws-c-compression - version: 0.2.17 + - name: ipykernel + version: 6.26.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-compression-0.2.17-hff1f2c8_6.conda + __linux: "" + comm: ">=0.1.1" + debugpy: ">=1.6.5" + ipython: ">=7.23.1" + jupyter_client: ">=6.1.12" + jupyter_core: ">=4.12,!=5.0.*" + matplotlib-inline: ">=0.1" + nest-asyncio: "" + packaging: "" + psutil: "" + python: ">=3.8" + pyzmq: ">=20" + tornado: ">=6.1" + traitlets: ">=5.4.0" + url: https://conda.anaconda.org/conda-forge/noarch/ipykernel-6.26.0-pyhf8b6a83_0.conda hash: - md5: d44348239e6be8e1a418cfeda24bc1b5 - sha256: b82eae800be7a26fb0a8d39c009c39f3b8f474d05dcb636b7b8e225ca7c7da2b + md5: 2307f71f5f0896d4b91b93e6b468abff + sha256: 9e647454f7572101657a07820ebed294df9a6a527b041cd5e4dd98b8aa3db625 category: main optional: false - - name: aws-c-sdkutils - version: 0.1.12 + - name: ipykernel + version: 6.26.0 manager: conda platform: osx-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-sdkutils-0.1.12-hff1f2c8_5.conda + packaging: "" + psutil: "" + nest-asyncio: "" + __osx: "" + appnope: "" + python: ">=3.8" + tornado: ">=6.1" + jupyter_client: ">=6.1.12" + ipython: ">=7.23.1" + matplotlib-inline: ">=0.1" + jupyter_core: ">=4.12,!=5.0.*" + debugpy: ">=1.6.5" + comm: ">=0.1.1" + pyzmq: ">=20" + traitlets: ">=5.4.0" + url: https://conda.anaconda.org/conda-forge/noarch/ipykernel-6.26.0-pyh3cd1d5f_0.conda hash: - md5: 12164ac8e33917c5d6aeb25ab82c2771 - sha256: 6953db4c9d56a367f921efaac18cf310985bc57ebd7ed50757c916912a99eeed + md5: 3c6e2148d30e6a762d8327a433ebfb5a + sha256: be9927d47fe23cc4d2a09d252e37e1e56ffb137767d2c0577ed882ead16f75fa category: main optional: false - - name: aws-checksums - version: 0.1.17 + - name: ipykernel + version: 6.26.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-checksums-0.1.17-hff1f2c8_5.conda + packaging: "" + psutil: "" + nest-asyncio: "" + __osx: "" + appnope: "" + python: ">=3.8" + tornado: ">=6.1" + jupyter_client: ">=6.1.12" + ipython: ">=7.23.1" + matplotlib-inline: ">=0.1" + jupyter_core: ">=4.12,!=5.0.*" + debugpy: ">=1.6.5" + comm: ">=0.1.1" + pyzmq: ">=20" + traitlets: ">=5.4.0" + url: https://conda.anaconda.org/conda-forge/noarch/ipykernel-6.26.0-pyh3cd1d5f_0.conda hash: - md5: 8b47ddfddaf30b4de34ea9d660c919c7 - sha256: 8ebb4ac6617f87405b6966a23dc4a37bdc96d4627f990e72abf1dff136179579 + md5: 3c6e2148d30e6a762d8327a433ebfb5a + sha256: be9927d47fe23cc4d2a09d252e37e1e56ffb137767d2c0577ed882ead16f75fa category: main optional: false - - name: expat - version: 2.5.0 + - name: ipython + version: 8.17.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libexpat: 2.5.0 - url: https://conda.anaconda.org/conda-forge/osx-64/expat-2.5.0-hf0c8a7f_1.conda + __linux: "" + decorator: "" + exceptiongroup: "" + jedi: ">=0.16" + matplotlib-inline: "" + pexpect: ">4.3" + pickleshare: "" + prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" + pygments: ">=2.4.0" + python: ">=3.9" + stack_data: "" + traitlets: ">=5" + typing_extensions: "" + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.17.2-pyh41d4057_0.conda hash: - md5: e12630038077877cbb6c7851e139c17c - sha256: 15c04a5a690b337b50fb7550cce057d843cf94dd0109d576ec9bc3448a8571d0 + md5: f39d0b60e268fe547f1367edbab457d4 + sha256: 31322d58f412787f5beeb01db4d16f10f8ae4e0cc2ec99fafef1e690374fe298 category: main optional: false - - name: fonts-conda-forge - version: "1" + - name: ipython + version: 8.17.2 manager: conda platform: osx-64 dependencies: - font-ttf-inconsolata: "" - font-ttf-source-code-pro: "" - font-ttf-dejavu-sans-mono: "" - font-ttf-ubuntu: "" - url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-forge-1-0.tar.bz2 + typing_extensions: "" + decorator: "" + __osx: "" + exceptiongroup: "" + stack_data: "" + matplotlib-inline: "" + appnope: "" + pickleshare: "" + python: ">=3.9" + pygments: ">=2.4.0" + traitlets: ">=5" + jedi: ">=0.16" + pexpect: ">4.3" + prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.17.2-pyh31c8845_0.conda hash: - md5: f766549260d6815b0c52253f1fb1bb29 - sha256: 53f23a3319466053818540bcdf2091f253cbdbab1e0e9ae7b9e509dcaa2a5e38 + md5: 28e743c2963d1cecaa75f7612ade74c4 + sha256: b28ec68a49d8ddc41b92f3161f536d63e62eb5493021e41bb172b5f0af54ca2d category: main optional: false - - name: geos - version: 3.12.0 + - name: ipython + version: 8.17.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/geos-3.12.0-he965462_0.conda + typing_extensions: "" + decorator: "" + __osx: "" + exceptiongroup: "" + stack_data: "" + matplotlib-inline: "" + appnope: "" + pickleshare: "" + python: ">=3.9" + pygments: ">=2.4.0" + traitlets: ">=5" + jedi: ">=0.16" + pexpect: ">4.3" + prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.17.2-pyh31c8845_0.conda hash: - md5: 264a53af0fb378e81b44e45e5ab5aff1 - sha256: e84ff98270717ae49aeba6788476d3569ad33993a46d33d727ee528fb3386a58 + md5: 28e743c2963d1cecaa75f7612ade74c4 + sha256: b28ec68a49d8ddc41b92f3161f536d63e62eb5493021e41bb172b5f0af54ca2d category: main optional: false - - name: gettext - version: 0.21.1 + - name: ipywidgets + version: 8.1.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libiconv: ">=1.17,<2.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/gettext-0.21.1-h8a4c099_0.tar.bz2 + comm: ">=0.1.3" + ipython: ">=6.1.0" + jupyterlab_widgets: ">=3.0.9,<3.1.0" + python: ">=3.7" + traitlets: ">=4.3.1" + widgetsnbextension: ">=4.0.9,<4.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/ipywidgets-8.1.1-pyhd8ed1ab_0.conda hash: - md5: 1e3aff29ce703d421c43f371ad676cc5 - sha256: 915d3cd2d777b9b3fc2e87a25901b8e4a6aa1b2b33cf2ba54e9e9ed4f6b67d94 + md5: 2605fae5ee27100e5f10037baebf4d41 + sha256: 8136defec115396ba992273a77f814d74eeafd9cc099f5430d109c60785a7f02 category: main optional: false - - name: gflags - version: 2.2.2 + - name: ipywidgets + version: 8.1.1 manager: conda platform: osx-64 dependencies: - libcxx: ">=10.0.1" - url: https://conda.anaconda.org/conda-forge/osx-64/gflags-2.2.2-hb1e8313_1004.tar.bz2 + python: ">=3.7" + traitlets: ">=4.3.1" + ipython: ">=6.1.0" + comm: ">=0.1.3" + jupyterlab_widgets: ">=3.0.9,<3.1.0" + widgetsnbextension: ">=4.0.9,<4.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/ipywidgets-8.1.1-pyhd8ed1ab_0.conda hash: - md5: 3f59cc77a929537e42120faf104e0d16 - sha256: 39540f879057ae529cad131644af111a8c3c48b384ec6212de6a5381e0863948 + md5: 2605fae5ee27100e5f10037baebf4d41 + sha256: 8136defec115396ba992273a77f814d74eeafd9cc099f5430d109c60785a7f02 category: main optional: false - - name: graphite2 - version: 1.3.13 + - name: ipywidgets + version: 8.1.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=10.0.1" - url: https://conda.anaconda.org/conda-forge/osx-64/graphite2-1.3.13-h2e338ed_1001.tar.bz2 + python: ">=3.7" + traitlets: ">=4.3.1" + ipython: ">=6.1.0" + comm: ">=0.1.3" + jupyterlab_widgets: ">=3.0.9,<3.1.0" + widgetsnbextension: ">=4.0.9,<4.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/ipywidgets-8.1.1-pyhd8ed1ab_0.conda hash: - md5: 5f6e7f98caddd0fc2d345b207531814c - sha256: 1dba68533e6888c5e2a7e37119a77d6f388fb82721c530ba3bd28d541828e59b - category: dev - optional: true - - name: hdf4 - version: 4.2.15 + md5: 2605fae5ee27100e5f10037baebf4d41 + sha256: 8136defec115396ba992273a77f814d74eeafd9cc099f5430d109c60785a7f02 + category: main + optional: false + - name: isodate + version: 0.6.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/hdf4-4.2.15-h8138101_7.conda + python: ">=3.6" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/isodate-0.6.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7ce543bf38dbfae0de9af112ee178af2 - sha256: 8c767cc71226e9eb62649c903c68ba73c5f5e7e3696ec0319d1f90586cebec7d + md5: 4a62c93c1b5c0b920508ae3fd285eaf5 + sha256: af8f801e093da52a50ca0ea0510dfaf6898fea37e66d08d335e370235dede9fc category: main optional: false - - name: lerc - version: 4.0.0 + - name: isodate + version: 0.6.1 manager: conda platform: osx-64 dependencies: - libcxx: ">=13.0.1" - url: https://conda.anaconda.org/conda-forge/osx-64/lerc-4.0.0-hb486fe8_0.tar.bz2 + six: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/isodate-0.6.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: f9d6a4c82889d5ecedec1d90eb673c55 - sha256: e41790fc0f4089726369b3c7f813117bbc14b533e0ed8b94cf75aba252e82497 + md5: 4a62c93c1b5c0b920508ae3fd285eaf5 + sha256: af8f801e093da52a50ca0ea0510dfaf6898fea37e66d08d335e370235dede9fc category: main optional: false - - name: libabseil - version: "20230802.1" + - name: isodate + version: 0.6.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/libabseil-20230802.1-cxx17_h048a20a_0.conda + six: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/isodate-0.6.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6554f5fb47c025273268bcdb7bf3cd48 - sha256: 05431a6adb376a865e10d4ae673399d7890083c06f61cf18edb7c6629e75f39e + md5: 4a62c93c1b5c0b920508ae3fd285eaf5 + sha256: af8f801e093da52a50ca0ea0510dfaf6898fea37e66d08d335e370235dede9fc category: main optional: false - - name: libaec - version: 1.1.2 + - name: isoduration + version: 20.11.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/libaec-1.1.2-he965462_1.conda + arrow: ">=0.15.0" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/isoduration-20.11.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: faa179050abc6af1385e0fe9dd074f91 - sha256: 1b0a0b9b67e8f155ebdc7205a7421c7aff4850a740fc9f88b3fa23282c98ed72 + md5: 4cb68948e0b8429534380243d063a27a + sha256: 7bb5c4d994361022f47a807b5e7d101b3dce16f7dd8a0af6ffad9f479d346493 category: main optional: false - - name: libbrotlidec - version: 1.1.0 + - name: isoduration + version: 20.11.0 manager: conda platform: osx-64 dependencies: - libbrotlicommon: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-64/libbrotlidec-1.1.0-h0dc2134_1.conda + python: ">=3.7" + arrow: ">=0.15.0" + url: https://conda.anaconda.org/conda-forge/noarch/isoduration-20.11.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 9ee0bab91b2ca579e10353738be36063 - sha256: b11939c4c93c29448660ab5f63273216969d1f2f315dd9be60f3c43c4e61a50c + md5: 4cb68948e0b8429534380243d063a27a + sha256: 7bb5c4d994361022f47a807b5e7d101b3dce16f7dd8a0af6ffad9f479d346493 category: main optional: false - - name: libbrotlienc - version: 1.1.0 + - name: isoduration + version: 20.11.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libbrotlicommon: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-64/libbrotlienc-1.1.0-h0dc2134_1.conda + python: ">=3.7" + arrow: ">=0.15.0" + url: https://conda.anaconda.org/conda-forge/noarch/isoduration-20.11.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8a421fe09c6187f0eb5e2338a8a8be6d - sha256: bc964c23e1a60ca1afe7bac38a9c1f2af3db4a8072c9f2eac4e4de537a844ac7 + md5: 4cb68948e0b8429534380243d063a27a + sha256: 7bb5c4d994361022f47a807b5e7d101b3dce16f7dd8a0af6ffad9f479d346493 category: main optional: false - - name: libcrc32c - version: 1.1.2 + - name: itsdangerous + version: 2.1.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=11.1.0" - url: https://conda.anaconda.org/conda-forge/osx-64/libcrc32c-1.1.2-he49afe7_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/itsdangerous-2.1.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 23d6d5a69918a438355d7cbc4c3d54c9 - sha256: 3043869ac1ee84554f177695e92f2f3c2c507b260edad38a0bf3981fce1632ff + md5: 3c3de74912f11d2b590184f03c7cd09b + sha256: 31e3492686b4e92b53db9b48bc0eb03873b1caaf28629fee7d2d47627a2c56d3 category: main optional: false - - name: libgfortran5 - version: 13.2.0 + - name: itsdangerous + version: 2.1.2 manager: conda platform: osx-64 dependencies: - llvm-openmp: ">=8.0.0" - url: https://conda.anaconda.org/conda-forge/osx-64/libgfortran5-13.2.0-h2873a65_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/itsdangerous-2.1.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3af564516b5163cd8cc08820413854bc - sha256: 44de8930eef3b14d4d9fdfe419e6c909c13b7c859617d3616d5a5e964f3fcf63 + md5: 3c3de74912f11d2b590184f03c7cd09b + sha256: 31e3492686b4e92b53db9b48bc0eb03873b1caaf28629fee7d2d47627a2c56d3 category: main optional: false - - name: libllvm14 - version: 14.0.6 + - name: itsdangerous + version: 2.1.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=15" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libllvm14-14.0.6-hc8e404f_4.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/itsdangerous-2.1.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: ed06753e2ba7c66ed0ca7f19578fcb68 - sha256: 0df3902a300cfe092425f86144d5e00ef67be3cd1cc89fd63084d45262a772ad + md5: 3c3de74912f11d2b590184f03c7cd09b + sha256: 31e3492686b4e92b53db9b48bc0eb03873b1caaf28629fee7d2d47627a2c56d3 category: main optional: false - - name: libpng - version: 1.6.39 + - name: janus + version: 1.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libpng-1.6.39-ha978bb4_0.conda + python: ">=3.7" + typing_extensions: ">=3.7.4.3" + url: https://conda.anaconda.org/conda-forge/noarch/janus-1.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 35e4928794c5391aec14ffdf1deaaee5 - sha256: 5ad9f5e96e6770bfc8b0a826f48835e7f337c2d2e9512d76027a62f9c120b2a3 + md5: 304b5bce5a9b3590d825ffd85ac63471 + sha256: b702ef1e280249065d69aef7b0a7b3920903d2de68283bb5282cb57a4ed54d19 category: main optional: false - - name: libspatialindex - version: 1.9.3 + - name: janus + version: 1.0.0 manager: conda platform: osx-64 dependencies: - libcxx: ">=11.1.0" - url: https://conda.anaconda.org/conda-forge/osx-64/libspatialindex-1.9.3-he49afe7_4.tar.bz2 + python: ">=3.7" + typing_extensions: ">=3.7.4.3" + url: https://conda.anaconda.org/conda-forge/noarch/janus-1.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: b1c13764417c32fa87fac733caa82a64 - sha256: 443db45215e08fbf134a019486c20540d9903c1d9b14ac28ba299f8a730069da + md5: 304b5bce5a9b3590d825ffd85ac63471 + sha256: b702ef1e280249065d69aef7b0a7b3920903d2de68283bb5282cb57a4ed54d19 category: main optional: false - - name: libsqlite - version: 3.44.0 + - name: janus + version: 1.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libsqlite-3.44.0-h92b6c6a_0.conda + python: ">=3.7" + typing_extensions: ">=3.7.4.3" + url: https://conda.anaconda.org/conda-forge/noarch/janus-1.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5dd5e957ebfee02720c30e0e2d127bbe - sha256: 0832dc9cf18e811d2b41f8f4951d5ab608678e3459b1a4f36347097d8a9abf68 + md5: 304b5bce5a9b3590d825ffd85ac63471 + sha256: b702ef1e280249065d69aef7b0a7b3920903d2de68283bb5282cb57a4ed54d19 category: main optional: false - - name: libxcb - version: "1.15" + - name: jaraco.classes + version: 3.3.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - pthread-stubs: "" - xorg-libxau: "" - xorg-libxdmcp: "" - url: https://conda.anaconda.org/conda-forge/osx-64/libxcb-1.15-hb7f2c08_0.conda + more-itertools: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jaraco.classes-3.3.0-pyhd8ed1ab_0.conda hash: - md5: 5513f57e0238c87c12dffedbcc9c1a4a - sha256: f41904f466acc8b3197f37f2dd3a08da75720c7f7464d9267635debc4ac1902b + md5: e9f79248d30e942f7c358ff21a1790f5 + sha256: 14f5240c3834e1b784dd41a5a14392d9150dff62a74ae851f73e65d2e2bbd891 category: main optional: false - - name: libxml2 - version: 2.11.6 + - name: jaraco.classes + version: 3.3.0 manager: conda platform: osx-64 dependencies: - icu: ">=73.2,<74.0a0" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - xz: ">=5.2.6,<6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libxml2-2.11.6-hc0ae0f7_0.conda + more-itertools: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jaraco.classes-3.3.0-pyhd8ed1ab_0.conda hash: - md5: 2b6ec8c6366ea74db4b910469addad1d - sha256: b5b1c3df3e6d0d294764938e79d7f413191cc5b1af2ede49f42b1df04d068a18 + md5: e9f79248d30e942f7c358ff21a1790f5 + sha256: 14f5240c3834e1b784dd41a5a14392d9150dff62a74ae851f73e65d2e2bbd891 category: main optional: false - - name: lz4-c - version: 1.9.4 + - name: jaraco.classes + version: 3.3.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/lz4-c-1.9.4-hf0c8a7f_0.conda + more-itertools: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jaraco.classes-3.3.0-pyhd8ed1ab_0.conda hash: - md5: aa04f7143228308662696ac24023f991 - sha256: 39aa0c01696e4e202bf5e337413de09dfeec061d89acd5f28e9968b4e93c3f48 + md5: e9f79248d30e942f7c358ff21a1790f5 + sha256: 14f5240c3834e1b784dd41a5a14392d9150dff62a74ae851f73e65d2e2bbd891 category: main optional: false - - name: ncurses - version: "6.4" + - name: jedi + version: 0.19.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - url: https://conda.anaconda.org/conda-forge/osx-64/ncurses-6.4-h93d8f39_2.conda + parso: ">=0.8.3,<0.9.0" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/jedi-0.19.1-pyhd8ed1ab_0.conda hash: - md5: e58f366bd4d767e9ab97ab8b272e7670 - sha256: ea0fca66bbb52a1ef0687d466518fe120b5f279684effd6fd336a7b0dddc423a + md5: 81a3be0b2023e1ea8555781f0ad904a2 + sha256: 362f0936ef37dfd1eaa860190e42a6ebf8faa094eaa3be6aa4d9ace95f40047a category: main optional: false - - name: nspr - version: "4.35" + - name: jedi + version: 0.19.1 manager: conda platform: osx-64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/nspr-4.35-hea0b92c_0.conda + python: ">=3.6" + parso: ">=0.8.3,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/jedi-0.19.1-pyhd8ed1ab_0.conda hash: - md5: a9e56c98d13d8b7ce72bf4357317c29b - sha256: da6e19bd0ff31e219760e647cfe1cc499a8cdfaff305f06c56d495ca062b86de + md5: 81a3be0b2023e1ea8555781f0ad904a2 + sha256: 362f0936ef37dfd1eaa860190e42a6ebf8faa094eaa3be6aa4d9ace95f40047a category: main optional: false - - name: openssl - version: 3.1.4 + - name: jedi + version: 0.19.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - ca-certificates: "" - url: https://conda.anaconda.org/conda-forge/osx-64/openssl-3.1.4-hd75f5a5_0.conda + python: ">=3.6" + parso: ">=0.8.3,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/jedi-0.19.1-pyhd8ed1ab_0.conda hash: - md5: bc9201da6eb1e0df4107901df5371347 - sha256: 1c436103a8de0dc82c9c56974badaa1b8b8f8cd9f37c2766bd50cd9899720f6b + md5: 81a3be0b2023e1ea8555781f0ad904a2 + sha256: 362f0936ef37dfd1eaa860190e42a6ebf8faa094eaa3be6aa4d9ace95f40047a category: main optional: false - - name: pandoc - version: 3.1.3 + - name: jeepney + version: 0.8.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/pandoc-3.1.3-h9d075a6_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jeepney-0.8.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: e86a3d5c966a09b6129354114483f7a7 - sha256: 3bc6bc31b96338c65c8f6e222bd8c65d47227ba4b59b2587157c3a29499123cc + md5: 9800ad1699b42612478755a2d26c722d + sha256: 16639759b811866d63315fe1391f6fb45f5478b823972f4d3d9f0392b7dd80b8 category: main optional: false - - name: pcre2 - version: "10.42" + - name: jellyfish + version: 1.0.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/pcre2-10.42-h0ad2156_0.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/jellyfish-1.0.3-py311h46250e7_0.conda hash: - md5: 41de8bab2d5e5cd6daaba1896e81d366 - sha256: 689559d94b64914e503d2ced53b78afc19562ed1ccfb284040797a6d41bb564c + md5: de10f4eb49991618d3c97123d5ecd70d + sha256: 3cb4412f397490b3905bbf49f952bfd70be155ba63dcc1972c4a4e0e0cd5a437 category: main optional: false - - name: pixman - version: 0.42.2 + - name: jellyfish + version: 1.0.3 manager: conda platform: osx-64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/pixman-0.42.2-he965462_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/jellyfish-1.0.3-py311h5e0f0e4_0.conda hash: - md5: e4180dcfd3e3621560fe1ad522997520 - sha256: d9181736d4b3260a03443e8fd1c47c491e189b2344913eaf5dead27947a274e4 + md5: 6229bd3463f162abe20e7d12148f59f5 + sha256: 6ba0f5f9fba8b231520a595cfc86a3f05ab0613ced553d3e5fa45187475eec23 category: main optional: false - - name: snappy - version: 1.1.10 + - name: jellyfish + version: 1.0.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/snappy-1.1.10-h225ccf5_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/jellyfish-1.0.3-py311h94f323b_0.conda hash: - md5: 4320a8781f14cd959689b86e349f3b73 - sha256: 575915dc13152e446a84e2f88de70a14f8b6af1a870e708f9370bd4be105583b + md5: e93dd373d5a02f378d9ff392627572a1 + sha256: fb44932ed3a86e55503f4c0216eff59e47a409e1d18fab4714130692d4f8a9af category: main optional: false - - name: tk - version: 8.6.13 + - name: jinja2 + version: 3.1.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/tk-8.6.13-h1abcd95_1.conda + markupsafe: ">=2.0" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jinja2-3.1.2-pyhd8ed1ab_1.tar.bz2 hash: - md5: bf830ba5afc507c6232d4ef0fb1a882d - sha256: 30412b2e9de4ff82d8c2a7e5d06a15f4f4fef1809a72138b6ccb53a33b26faf5 + md5: c8490ed5c70966d232fdd389d0dbed37 + sha256: b045faba7130ab263db6a8fdc96b1a3de5fcf85c4a607c5f11a49e76851500b5 category: main optional: false - - name: uriparser - version: 0.9.7 + - name: jinja2 + version: 3.1.2 manager: conda platform: osx-64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/uriparser-0.9.7-hf0c8a7f_1.conda + python: ">=3.7" + markupsafe: ">=2.0" + url: https://conda.anaconda.org/conda-forge/noarch/jinja2-3.1.2-pyhd8ed1ab_1.tar.bz2 hash: - md5: 998073b0ccb5f99d07d2089cf06363b3 - sha256: faf0f7919851960bbb1d18d977f62082c0e4dc8f26e348d702e8a2dba53a4c37 + md5: c8490ed5c70966d232fdd389d0dbed37 + sha256: b045faba7130ab263db6a8fdc96b1a3de5fcf85c4a607c5f11a49e76851500b5 category: main optional: false - - name: zeromq - version: 4.3.5 + - name: jinja2 + version: 3.1.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - libsodium: ">=1.0.18,<1.0.19.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/zeromq-4.3.5-h93d8f39_0.conda + python: ">=3.7" + markupsafe: ">=2.0" + url: https://conda.anaconda.org/conda-forge/noarch/jinja2-3.1.2-pyhd8ed1ab_1.tar.bz2 hash: - md5: 4c055e46b394be36681fe476c1e2ee6e - sha256: 19be553b3cc8352b6e842134b8de66ae39fcae80bc575c203076370faab6009c + md5: c8490ed5c70966d232fdd389d0dbed37 + sha256: b045faba7130ab263db6a8fdc96b1a3de5fcf85c4a607c5f11a49e76851500b5 category: main optional: false - - name: zlib - version: 1.2.13 + - name: jmespath + version: 1.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libzlib: 1.2.13 - url: https://conda.anaconda.org/conda-forge/osx-64/zlib-1.2.13-h8a1eda9_5.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jmespath-1.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 75a8a98b1c4671c5d2897975731da42d - sha256: d1f4c82fd7bd240a78ce8905e931e68dca5f523c7da237b6b63c87d5625c5b35 + md5: 2cfa3e1cf3fb51bb9b17acc5b5e9ea11 + sha256: 95ac5f9ee95fd4e34dc051746fc86016d3d4f6abefed113e2ede049d59ec2991 category: main optional: false - - name: zstd - version: 1.5.5 + - name: jmespath + version: 1.0.1 manager: conda platform: osx-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/zstd-1.5.5-h829000d_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jmespath-1.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 80abc41d0c48b82fe0f04e7f42f5cb7e - sha256: d54e31d3d8de5e254c0804abd984807b8ae5cd3708d758a8bf1adff1f5df166c + md5: 2cfa3e1cf3fb51bb9b17acc5b5e9ea11 + sha256: 95ac5f9ee95fd4e34dc051746fc86016d3d4f6abefed113e2ede049d59ec2991 category: main optional: false - - name: aws-c-io - version: 0.13.35 + - name: jmespath + version: 1.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-io-0.13.35-hb98174f_8.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jmespath-1.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: c7b0ed5a258d3a8bb991bdc935b3703a - sha256: f44243ab77bef1475565cfd2c432608d530d70f3b7d690effa8e1c47b3bb2d90 + md5: 2cfa3e1cf3fb51bb9b17acc5b5e9ea11 + sha256: 95ac5f9ee95fd4e34dc051746fc86016d3d4f6abefed113e2ede049d59ec2991 category: main optional: false - - name: blosc - version: 1.21.5 + - name: joblib + version: 1.3.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/blosc-1.21.5-heccf04b_0.conda + python: ">=3.7" + setuptools: "" + url: https://conda.anaconda.org/conda-forge/noarch/joblib-1.3.2-pyhd8ed1ab_0.conda hash: - md5: 3003fa6dd18769db1a616982dcee5b40 - sha256: db629047f1721d5a6e3bd41b07c1a3bacd0dee70f4063b61db2aa46f19a0b8b4 + md5: 4da50d410f553db77e62ab62ffaa1abc + sha256: 31e05d47970d956206188480b038829d24ac11fe8216409d8584d93d40233878 category: main optional: false - - name: brotli-bin - version: 1.1.0 + - name: joblib + version: 1.3.2 manager: conda platform: osx-64 dependencies: - libbrotlidec: 1.1.0 - libbrotlienc: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-64/brotli-bin-1.1.0-h0dc2134_1.conda + setuptools: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/joblib-1.3.2-pyhd8ed1ab_0.conda hash: - md5: ece565c215adcc47fc1db4e651ee094b - sha256: 7ca3cfb4c5df314ed481301335387ab2b2ee651e2c74fbb15bacc795c664a5f1 + md5: 4da50d410f553db77e62ab62ffaa1abc + sha256: 31e05d47970d956206188480b038829d24ac11fe8216409d8584d93d40233878 category: main optional: false - - name: fonts-conda-ecosystem - version: "1" + - name: joblib + version: 1.3.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - fonts-conda-forge: "" - url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-ecosystem-1-0.tar.bz2 + setuptools: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/joblib-1.3.2-pyhd8ed1ab_0.conda hash: - md5: fee5683a3f04bd15cbd8318b096a27ab - sha256: a997f2f1921bb9c9d76e6fa2f6b408b7fa549edd349a77639c9fe7a23ea93e61 + md5: 4da50d410f553db77e62ab62ffaa1abc + sha256: 31e05d47970d956206188480b038829d24ac11fe8216409d8584d93d40233878 category: main optional: false - - name: freetype - version: 2.12.1 + - name: json-c + version: "0.17" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libpng: ">=1.6.39,<1.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/freetype-2.12.1-h60636b9_2.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/json-c-0.17-h7ab15ed_0.conda hash: - md5: 25152fce119320c980e5470e64834b50 - sha256: b292cf5a25f094eeb4b66e37d99a97894aafd04a5683980852a8cbddccdc8e4e + md5: 9961b1f100c3b6852bd97c9233d06979 + sha256: 5646496ca07dfa1486d27ed07282967007811dfc63d6394652e87f94166ecae3 category: main optional: false - - name: glog - version: 0.6.0 + - name: json-c + version: "0.17" manager: conda platform: osx-64 - dependencies: - gflags: ">=2.2.2,<2.3.0a0" - libcxx: ">=12.0.1" - url: https://conda.anaconda.org/conda-forge/osx-64/glog-0.6.0-h8ac2a54_0.tar.bz2 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/json-c-0.17-h8e11ae5_0.conda hash: - md5: 69eb97ca709a136c53fdca1f2fd33ddf - sha256: fdb38560094fb4a952346dc72a79b3cb09e23e4d0cae9ba4f524e6e88203d3c8 + md5: 266d2e4ebbf37091c8322937392bb540 + sha256: 2a493095fe1292108ff1799a1b47ababe82d844bfa3abcf2252676c1017a1e04 category: main optional: false - - name: libarchive - version: 3.7.2 + - name: json-c + version: "0.17" manager: conda - platform: osx-64 - dependencies: - bzip2: ">=1.0.8,<2.0a0" - libiconv: ">=1.17,<2.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - lzo: ">=2.10,<3.0a0" - openssl: ">=3.1.2,<4.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libarchive-3.7.2-h0b5dc4a_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/json-c-0.17-h40ed0f5_0.conda hash: - md5: 0f8458c98eaf403501e7e699d93594e7 - sha256: 77669122d52073078d55310cf21fdfc35c283243cd47a064d6dbab38d8e6ab02 + md5: 7de5604deb99090c8e8c4863f60568d1 + sha256: d47138a2829ce47d2e9ec1dbe108d1a6fe58c5d8724ea904985a420ad760f93f category: main optional: false - - name: libedit - version: 3.1.20191231 + - name: json5 + version: 0.9.14 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - ncurses: ">=6.2,<7.0.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libedit-3.1.20191231-h0678c8f_2.tar.bz2 + python: ">=3.7,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/json5-0.9.14-pyhd8ed1ab_0.conda hash: - md5: 6016a8a1d0e63cac3de2c352cd40208b - sha256: dbd3c3f2eca1d21c52e4c03b21930bbce414c4592f8ce805801575b9e9256095 + md5: dac1dabba2b5a9d1aee175c5fcc7b436 + sha256: 41514104208c092959bef0713cbd795e72c535f2f939b7903d8c97809f2adaa7 category: main optional: false - - name: libevent - version: 2.1.12 + - name: json5 + version: 0.9.14 manager: conda platform: osx-64 dependencies: - openssl: ">=3.1.1,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libevent-2.1.12-ha90c15b_1.conda + python: ">=3.7,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/json5-0.9.14-pyhd8ed1ab_0.conda hash: - md5: e38e467e577bd193a7d5de7c2c540b04 - sha256: e0bd9af2a29f8dd74309c0ae4f17a7c2b8c4b89f875ff1d6540c941eefbd07fb + md5: dac1dabba2b5a9d1aee175c5fcc7b436 + sha256: 41514104208c092959bef0713cbd795e72c535f2f939b7903d8c97809f2adaa7 category: main optional: false - - name: libgfortran - version: 5.0.0 + - name: json5 + version: 0.9.14 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libgfortran5: 13.2.0 - url: https://conda.anaconda.org/conda-forge/osx-64/libgfortran-5.0.0-13_2_0_h97931a8_1.conda + python: ">=3.7,<4.0" + url: https://conda.anaconda.org/conda-forge/noarch/json5-0.9.14-pyhd8ed1ab_0.conda hash: - md5: b55fd11ab6318a6e67ac191309701d5a - sha256: 5be1a59316e5063f4e6492ea86d692600a7b8e32caa25269f8a3b386a028e5f3 + md5: dac1dabba2b5a9d1aee175c5fcc7b436 + sha256: 41514104208c092959bef0713cbd795e72c535f2f939b7903d8c97809f2adaa7 category: main optional: false - - name: libglib - version: 2.78.1 + - name: jsonlines + version: 4.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - gettext: ">=0.21.1,<1.0a0" - libcxx: ">=16.0.6" - libffi: ">=3.4,<4.0a0" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libglib-2.78.1-h198397b_1.conda + attrs: ">=19.2.0" + python: ">=3.6" + typing_extensions: "" + url: https://conda.anaconda.org/conda-forge/noarch/jsonlines-4.0.0-pyhd8ed1ab_0.conda hash: - md5: fb318c3fed632cf2de190fb10496fbd1 - sha256: 73bcb4ea07af4291221271aa7aaa0795d59d851a6f43d6e0df22601f61725e4b + md5: df32eb56c2a48a5ca9465aef29dd46bc + sha256: ba99c97cff6534f5ad5e724a074a1204e4a0c73cc8cca21a0fc2d4e92f25b89c category: main optional: false - - name: libkml - version: 1.3.0 + - name: jsonlines + version: 4.0.0 manager: conda platform: osx-64 dependencies: - libboost-headers: "" - libcxx: ">=15.0.7" - libexpat: ">=2.5.0,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - uriparser: ">=0.9.7,<1.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libkml-1.3.0-hab3ca0e_1018.conda + typing_extensions: "" + python: ">=3.6" + attrs: ">=19.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonlines-4.0.0-pyhd8ed1ab_0.conda hash: - md5: 535b1bb4896b113c14dfa64141370a12 - sha256: f546750a59b85a4b721f69e34e797ceddb93c438ee384db285e3344490d6a9b5 + md5: df32eb56c2a48a5ca9465aef29dd46bc + sha256: ba99c97cff6534f5ad5e724a074a1204e4a0c73cc8cca21a0fc2d4e92f25b89c category: main optional: false - - name: libllvm15 - version: 15.0.7 + - name: jsonlines + version: 4.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=15" - libxml2: ">=2.11.4,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - zstd: ">=1.5.2,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libllvm15-15.0.7-he4b1e75_3.conda + typing_extensions: "" + python: ">=3.6" + attrs: ">=19.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonlines-4.0.0-pyhd8ed1ab_0.conda hash: - md5: ecc6df80c4b0445ac0de9cabae189db3 - sha256: 02c7f5fe1ae9cdf4b0152cc76fef0ccb26137075054bdd9336ebf956fd22d8c9 + md5: df32eb56c2a48a5ca9465aef29dd46bc + sha256: ba99c97cff6534f5ad5e724a074a1204e4a0c73cc8cca21a0fc2d4e92f25b89c category: main optional: false - - name: libnghttp2 - version: 1.58.0 + - name: jsonpointer + version: "2.4" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - c-ares: ">=1.21.0,<2.0a0" - libcxx: ">=16.0.6" - libev: ">=4.33,<4.34.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libnghttp2-1.58.0-h64cf6d3_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/jsonpointer-2.4-py311h38be061_3.conda hash: - md5: 864e23fba3678000154f53bbf6d476a2 - sha256: b2b94cdaffa0d4fddd73c04262fdb1d1bcd6f8783979281ccfdb832e159cac4e + md5: 41d52d822edf991bf0e6b08c1921a8ec + sha256: 976f7bf3c3a49c3066f36b67c12ae06b31542e53b843bb4362f31c9e449c6c46 category: main optional: false - - name: libprotobuf - version: 4.24.4 + - name: jsonpointer + version: "2.4" manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libprotobuf-4.24.4-h0ee05dc_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/jsonpointer-2.4-py311h6eed73b_3.conda hash: - md5: c0f2660a38d96e55c6aae15a06ee277b - sha256: 4c0cd48fa2b0ac5cad6204d686bcb8e51bc5906c25180919ecf8f3000c0eade5 + md5: ed1c23d0e55abd27d8b9e31c58105140 + sha256: b0ba738e1dbf3b69558557cd1e63310364e045b8c8e7f73fdce7e71928b5f22a category: main optional: false - - name: libre2-11 - version: 2023.06.02 + - name: jsonpointer + version: "2.4" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/libre2-11-2023.06.02-h4694dbf_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/jsonpointer-2.4-py311h267d04e_3.conda hash: - md5: d7c00395eaf2446eec6ce0f34cfd5b78 - sha256: 73acd1ade87762c3f1aacf2a7c6271dd1e1c972d46ea7c44d8781595bca9218e + md5: b6008a5b9180e58a235f5e45432dfe2e + sha256: 807d6c44f3e34139bfd25db4409381a6ce37fad2902c58f10fa7e1c30a64333d category: main optional: false - - name: librttopo - version: 1.1.0 + - name: jsonschema + version: 4.20.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - geos: ">=3.12.0,<3.12.1.0a0" - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/librttopo-1.1.0-h23f359d_14.conda + attrs: ">=22.2.0" + importlib_resources: ">=1.4.0" + jsonschema-specifications: ">=2023.03.6" + pkgutil-resolve-name: ">=1.3.10" + python: ">=3.8" + referencing: ">=0.28.4" + rpds-py: ">=0.7.1" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-4.20.0-pyhd8ed1ab_0.conda hash: - md5: 4cec4e76f3d1cd6ec739ca40e7e12847 - sha256: df61f3c42651fd02d2e5fbb3cd6a225df29dc91ec6c5a57d0d717dc14ee8e2dc + md5: 1116d79def5268414fb0917520b2bbf1 + sha256: 77aae609097d06deedb8ef8407a44b23d5fef95962ba6fe1c959ac7bd6195296 category: main optional: false - - name: libssh2 - version: 1.11.0 + - name: jsonschema + version: 4.20.0 manager: conda platform: osx-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.1,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libssh2-1.11.0-hd019ec5_0.conda + python: ">=3.8" + attrs: ">=22.2.0" + importlib_resources: ">=1.4.0" + pkgutil-resolve-name: ">=1.3.10" + jsonschema-specifications: ">=2023.03.6" + referencing: ">=0.28.4" + rpds-py: ">=0.7.1" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-4.20.0-pyhd8ed1ab_0.conda hash: - md5: ca3a72efba692c59a90d4b9fc0dfe774 - sha256: f3886763b88f4b24265db6036535ef77b7b77ce91b1cbe588c0fbdd861eec515 + md5: 1116d79def5268414fb0917520b2bbf1 + sha256: 77aae609097d06deedb8ef8407a44b23d5fef95962ba6fe1c959ac7bd6195296 category: main optional: false - - name: libtiff - version: 4.6.0 + - name: jsonschema + version: 4.20.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - lerc: ">=4.0.0,<5.0a0" - libcxx: ">=15.0.7" - libdeflate: ">=1.19,<1.20.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libtiff-4.6.0-h684deea_2.conda + python: ">=3.8" + attrs: ">=22.2.0" + importlib_resources: ">=1.4.0" + pkgutil-resolve-name: ">=1.3.10" + jsonschema-specifications: ">=2023.03.6" + referencing: ">=0.28.4" + rpds-py: ">=0.7.1" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-4.20.0-pyhd8ed1ab_0.conda hash: - md5: 2ca10a325063e000ad6d2a5900061e0d - sha256: 1ef5bd7295f4316b111f70ad21356fb9f0de50b85a341cac9e3a61ac6487fdf1 + md5: 1116d79def5268414fb0917520b2bbf1 + sha256: 77aae609097d06deedb8ef8407a44b23d5fef95962ba6fe1c959ac7bd6195296 category: main optional: false - - name: libxslt - version: 1.1.37 + - name: jsonschema-specifications + version: 2023.11.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libxml2: ">=2.11.3,<2.12.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libxslt-1.1.37-h20bfa82_1.conda + importlib_resources: ">=1.4.0" + python: ">=3.8" + referencing: ">=0.31.0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda hash: - md5: 177817e2ba32a7d5ffdfbcb876fd4f10 - sha256: 588c2b16f9f09e5cd86765d0e3ae83d9078cd89416f7453e939d22898280c009 + md5: 094ff9cf36957f95bb74cee42ab140b2 + sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 category: main optional: false - - name: libzip - version: 1.10.1 + - name: jsonschema-specifications + version: 2023.11.1 manager: conda platform: osx-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libzip-1.10.1-hc158999_3.conda + python: ">=3.8" + importlib_resources: ">=1.4.0" + referencing: ">=0.31.0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda hash: - md5: 6112b3173f3aa2f12a8f40d07a77cc35 - sha256: 0689e4a6e67e80027e43eefb8a365273405a01f5ab2ece97319155b8be5d64f6 + md5: 094ff9cf36957f95bb74cee42ab140b2 + sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 category: main optional: false - - name: minizip - version: 4.0.3 + - name: jsonschema-specifications + version: 2023.11.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - bzip2: ">=1.0.8,<2.0a0" - libcxx: ">=16.0.6" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/minizip-4.0.3-h23f18a7_0.conda + python: ">=3.8" + importlib_resources: ">=1.4.0" + referencing: ">=0.31.0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda hash: - md5: 2facac17555d3078a0abfbe20a331086 - sha256: 779cdb3ee14c653b6094414c251164b2398e50b825ba44455c67e7deeb6e48e1 + md5: 094ff9cf36957f95bb74cee42ab140b2 + sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 category: main optional: false - - name: nodejs - version: 20.8.1 + - name: jsonschema-with-format-nongpl + version: 4.20.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - icu: ">=73.2,<74.0a0" - libcxx: ">=16.0.6" - libuv: ">=1.46.0,<1.47.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/nodejs-20.8.1-h9adec40_0.conda + fqdn: "" + idna: "" + isoduration: "" + jsonpointer: ">1.13" + jsonschema: ">=4.20.0,<4.20.1.0a0" + python: "" + rfc3339-validator: "" + rfc3986-validator: ">0.1.0" + uri-template: "" + webcolors: ">=1.11" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-with-format-nongpl-4.20.0-pyhd8ed1ab_0.conda hash: - md5: d653802cf7edab59398a6896c62c4b9b - sha256: 8c749285d3f3c09dd4d4fd3009a3a55bca400b306541a64d62af25ca5bc5bab2 + md5: a168c5f84010711f6d4ae650bc22b480 + sha256: 03558b25daa57137fdf98e92731ba50ff5506f265294ac2eef5ec465c76ecf57 category: main optional: false - - name: nss - version: "3.94" + - name: jsonschema-with-format-nongpl + version: 4.20.0 manager: conda platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libsqlite: ">=3.43.0,<4.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - nspr: ">=4.35,<5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/nss-3.94-hd6ac835_0.conda - hash: - md5: 10c69224110baa4d7d4f1bdb03d4f383 - sha256: aafb8b2a51beaa407d4e712d11e2a34fc010c7727d8a5573fb0c7ae53f2fff75 + python: "" + idna: "" + rfc3339-validator: "" + uri-template: "" + fqdn: "" + isoduration: "" + jsonpointer: ">1.13" + webcolors: ">=1.11" + rfc3986-validator: ">0.1.0" + jsonschema: ">=4.20.0,<4.20.1.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-with-format-nongpl-4.20.0-pyhd8ed1ab_0.conda + hash: + md5: a168c5f84010711f6d4ae650bc22b480 + sha256: 03558b25daa57137fdf98e92731ba50ff5506f265294ac2eef5ec465c76ecf57 category: main optional: false - - name: readline - version: "8.2" + - name: jsonschema-with-format-nongpl + version: 4.20.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - ncurses: ">=6.3,<7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/readline-8.2-h9e318b2_1.conda + python: "" + idna: "" + rfc3339-validator: "" + uri-template: "" + fqdn: "" + isoduration: "" + jsonpointer: ">1.13" + webcolors: ">=1.11" + rfc3986-validator: ">0.1.0" + jsonschema: ">=4.20.0,<4.20.1.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-with-format-nongpl-4.20.0-pyhd8ed1ab_0.conda hash: - md5: f17f77f2acf4d344734bda76829ce14e - sha256: 41e7d30a097d9b060037f0c6a2b1d4c4ae7e942c06c943d23f9d481548478568 + md5: a168c5f84010711f6d4ae650bc22b480 + sha256: 03558b25daa57137fdf98e92731ba50ff5506f265294ac2eef5ec465c76ecf57 category: main optional: false - - name: atk-1.0 - version: 2.38.0 + - name: jupyter + version: 1.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=14.0.4" - libglib: ">=2.74.1,<3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/atk-1.0-2.38.0-h1d18e73_1.tar.bz2 + ipykernel: "" + ipywidgets: "" + jupyter_console: "" + nbconvert: "" + notebook: "" + python: ">=3.6" + qtconsole-base: "" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-1.0.0-pyhd8ed1ab_10.conda hash: - md5: 5a538295f97a484ee332aacc131718b5 - sha256: 7af1f86cfc85b1e57547e2a81c069095545ff6a52f3f8e15184df954dce446dd - category: dev - optional: true - - name: aws-c-event-stream - version: 0.3.2 + md5: 056b8cc3d9b03f54fc49e6d70d7dc359 + sha256: 308b521b149e7a1739f717538b929bc2d87b9001b94f13ee8baa939632a86150 + category: main + optional: false + - name: jupyter + version: 1.0.0 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-event-stream-0.3.2-hb6e475e_6.conda + ipywidgets: "" + notebook: "" + ipykernel: "" + nbconvert: "" + qtconsole-base: "" + jupyter_console: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-1.0.0-pyhd8ed1ab_10.conda hash: - md5: 19b99f3797acdd59e95a8c1e9cc648df - sha256: 24f9fe6ad0f22c36d1dc49280fcbe90a157c3ba65664f27746aa6e67d6cbbb63 + md5: 056b8cc3d9b03f54fc49e6d70d7dc359 + sha256: 308b521b149e7a1739f717538b929bc2d87b9001b94f13ee8baa939632a86150 category: main optional: false - - name: aws-c-http - version: 0.7.14 + - name: jupyter + version: 1.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-compression: ">=0.2.17,<0.2.18.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-http-0.7.14-h950a07a_1.conda + ipywidgets: "" + notebook: "" + ipykernel: "" + nbconvert: "" + qtconsole-base: "" + jupyter_console: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-1.0.0-pyhd8ed1ab_10.conda hash: - md5: 0827fb5a8c4a4d209fa44088f3046b40 - sha256: 9fe20e7a79f7a66dec9b4c4eccc56db3e820b7cc380689fff53f19e0b1c05b72 + md5: 056b8cc3d9b03f54fc49e6d70d7dc359 + sha256: 308b521b149e7a1739f717538b929bc2d87b9001b94f13ee8baa939632a86150 category: main optional: false - - name: brotli - version: 1.1.0 + - name: jupyter-lsp + version: 2.2.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - brotli-bin: 1.1.0 - libbrotlidec: 1.1.0 - libbrotlienc: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-64/brotli-1.1.0-h0dc2134_1.conda + importlib-metadata: ">=4.8.3" + jupyter_server: ">=1.1.2" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda hash: - md5: 9272dd3b19c4e8212f8542cefd5c3d67 - sha256: 4bf66d450be5d3f9ebe029b50f818d088b1ef9666b1f19e90c85479c77bbdcde + md5: 38589f4104d11f2a59ff01a9f4e3bfb3 + sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c category: main optional: false - - name: fontconfig - version: 2.14.2 + - name: jupyter-lsp + version: 2.2.0 manager: conda platform: osx-64 dependencies: - expat: ">=2.5.0,<3.0a0" - freetype: ">=2.12.1,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/fontconfig-2.14.2-h5bb23bf_0.conda + python: ">=3.8" + importlib-metadata: ">=4.8.3" + jupyter_server: ">=1.1.2" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda hash: - md5: 86cc5867dfbee4178118392bae4a3c89 - sha256: f63e6d1d6aef8ba6de4fc54d3d7898a153479888d40ffdf2e4cfad6f92679d34 + md5: 38589f4104d11f2a59ff01a9f4e3bfb3 + sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c category: main optional: false - - name: freexl - version: 2.0.0 + - name: jupyter-lsp + version: 2.2.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libexpat: ">=2.5.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - minizip: ">=4.0.1,<5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/freexl-2.0.0-h3ec172f_0.conda + python: ">=3.8" + importlib-metadata: ">=4.8.3" + jupyter_server: ">=1.1.2" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda hash: - md5: 640c34a8084e2a812bcee5b804597fc9 - sha256: 9d59f1894c3b526e6806e376e979b81d0df23a836415122b86458aef72cda24a + md5: 38589f4104d11f2a59ff01a9f4e3bfb3 + sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c category: main optional: false - - name: gdk-pixbuf - version: 2.42.10 + - name: jupyter-resource-usage + version: 1.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libglib: ">=2.78.0,<3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/gdk-pixbuf-2.42.10-hbb5a27d_4.conda + jupyter_server: ">=2.0.0,<3" + psutil: ">=5.6.0,<6" + python: ">=3.8" + pyzmq: ">=19" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-resource-usage-1.0.1-pyhd8ed1ab_0.conda hash: - md5: 72c45a278f6250c087c2389bcdcc9fd4 - sha256: b19b3bda07c97d7b550d2fd45c813a1af15ed21d274aa280debf81d07f6edf11 + md5: b079fd1b0ee75199a042537d036b496f + sha256: 076d6cc25e0338e725a653eb0bb468ba920e49449143335696581fe98f86853b category: dev optional: true - - name: gts - version: 0.7.6 + - name: jupyter-resource-usage + version: 1.0.1 manager: conda platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libglib: ">=2.76.3,<3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/gts-0.7.6-h53e17e3_4.conda + python: ">=3.8" + jupyter_server: ">=2.0.0,<3" + psutil: ">=5.6.0,<6" + pyzmq: ">=19" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-resource-usage-1.0.1-pyhd8ed1ab_0.conda hash: - md5: 848cc963fcfbd063c7a023024aa3bec0 - sha256: d5b82a36f7e9d7636b854e56d1b4fe01c4d895128a7b73e2ec6945b691ff3314 + md5: b079fd1b0ee75199a042537d036b496f + sha256: 076d6cc25e0338e725a653eb0bb468ba920e49449143335696581fe98f86853b category: dev optional: true - - name: krb5 - version: 1.21.2 - manager: conda - platform: osx-64 - dependencies: - libcxx: ">=15.0.7" - libedit: ">=3.1.20191231,<4.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/krb5-1.21.2-hb884880_0.conda - hash: - md5: 80505a68783f01dc8d7308c075261b2f - sha256: 081ae2008a21edf57c048f331a17c65d1ccb52d6ca2f87ee031a73eff4dc0fc6 - category: main - optional: false - - name: lcms2 - version: "2.15" + - name: jupyter-resource-usage + version: 1.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/lcms2-2.15-hd6ba6f3_3.conda + python: ">=3.8" + jupyter_server: ">=2.0.0,<3" + psutil: ">=5.6.0,<6" + pyzmq: ">=19" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-resource-usage-1.0.1-pyhd8ed1ab_0.conda hash: - md5: 8059507d52f477fbd4b81841e085e25b - sha256: b2234f24e3b0030762430ec3414410119d1129804a95ef65af50ad36cabd9bd5 - category: main - optional: false - - name: libopenblas - version: 0.3.24 + md5: b079fd1b0ee75199a042537d036b496f + sha256: 076d6cc25e0338e725a653eb0bb468ba920e49449143335696581fe98f86853b + category: dev + optional: true + - name: jupyter_client + version: 8.6.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libgfortran: 5.* - libgfortran5: ">=12.3.0" - llvm-openmp: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/libopenblas-0.3.24-openmp_h48a4ad5_0.conda + importlib_metadata: ">=4.8.3" + jupyter_core: ">=4.12,!=5.0.*" + python: ">=3.8" + python-dateutil: ">=2.8.2" + pyzmq: ">=23.0" + tornado: ">=6.2" + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_client-8.6.0-pyhd8ed1ab_0.conda hash: - md5: 077718837dd06cf0c3089070108869f6 - sha256: ff2c14f7ed121f1df3ad06bea353288eade77c12fb891212a27af88a61483490 + md5: 6bd3f1069cdebb44c7ae9efb900e312d + sha256: 86cbb9070862cf23a245451efce539ca214e610849d0950bb8ac90c545bd158d category: main optional: false - - name: libthrift - version: 0.19.0 + - name: jupyter_client + version: 8.6.0 manager: conda platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libevent: ">=2.1.12,<2.1.13.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libthrift-0.19.0-h064b379_1.conda + python: ">=3.8" + python-dateutil: ">=2.8.2" + jupyter_core: ">=4.12,!=5.0.*" + traitlets: ">=5.3" + importlib_metadata: ">=4.8.3" + pyzmq: ">=23.0" + tornado: ">=6.2" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_client-8.6.0-pyhd8ed1ab_0.conda hash: - md5: b152655bfad7c2374ff03be0596052b6 - sha256: 4346c25ef6e2ff3d0fc93074238508531188ecd0dbea6414f6cb93a7775072c4 + md5: 6bd3f1069cdebb44c7ae9efb900e312d + sha256: 86cbb9070862cf23a245451efce539ca214e610849d0950bb8ac90c545bd158d category: main optional: false - - name: libwebp - version: 1.3.2 + - name: jupyter_client + version: 8.6.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - giflib: ">=5.2.1,<5.3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libwebp-1.3.2-h44782d1_1.conda + python: ">=3.8" + python-dateutil: ">=2.8.2" + jupyter_core: ">=4.12,!=5.0.*" + traitlets: ">=5.3" + importlib_metadata: ">=4.8.3" + pyzmq: ">=23.0" + tornado: ">=6.2" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_client-8.6.0-pyhd8ed1ab_0.conda hash: - md5: 46d48ff2cd600a82db18d7b83471aa86 - sha256: 4d7e1efb76e398f578c5a3d0905c5eca1e4a93298aed6e2f7a10854f6671dfe8 - category: dev - optional: true - - name: openjpeg - version: 2.5.0 + md5: 6bd3f1069cdebb44c7ae9efb900e312d + sha256: 86cbb9070862cf23a245451efce539ca214e610849d0950bb8ac90c545bd158d + category: main + optional: false + - name: jupyter_console + version: 6.6.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/openjpeg-2.5.0-ha4da562_3.conda + ipykernel: ">=6.14" + ipython: "" + jupyter_client: ">=7.0.0" + jupyter_core: ">=4.12,!=5.0.*" + prompt_toolkit: ">=3.0.30" + pygments: "" + python: ">=3.7" + pyzmq: ">=17" + traitlets: ">=5.4" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_console-6.6.3-pyhd8ed1ab_0.conda hash: - md5: 40a36f8e9a6fdf6a78c6428ee6c44188 - sha256: fdccd9668b85bf6e798b628bceed5ff764e1114cfc4e6a4dee551cafbe549e74 + md5: 7cf6f52a66f8e3cd9d8b6c231262dcab + sha256: 4e51764d5fe2f6e43d83bcfbcf8b4da6569721bf82eaf4d647be8717cd6be75a category: main optional: false - - name: orc - version: 1.9.0 + - name: jupyter_console + version: 6.6.3 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/orc-1.9.0-hd1092d7_4.conda + ipython: "" + pygments: "" + python: ">=3.7" + pyzmq: ">=17" + jupyter_core: ">=4.12,!=5.0.*" + jupyter_client: ">=7.0.0" + ipykernel: ">=6.14" + traitlets: ">=5.4" + prompt_toolkit: ">=3.0.30" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_console-6.6.3-pyhd8ed1ab_0.conda hash: - md5: f6c7cd7734b3caa6d5549086590121af - sha256: 6a7e6835c81157ca7545917412d9d4e9bb51357d71a2e63454fe406783a55c76 + md5: 7cf6f52a66f8e3cd9d8b6c231262dcab + sha256: 4e51764d5fe2f6e43d83bcfbcf8b4da6569721bf82eaf4d647be8717cd6be75a category: main optional: false - - name: prettier - version: 3.1.0 + - name: jupyter_console + version: 6.6.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - nodejs: ">=20.8.1,<21.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/prettier-3.1.0-hbd11d21_0.conda + ipython: "" + pygments: "" + python: ">=3.7" + pyzmq: ">=17" + jupyter_core: ">=4.12,!=5.0.*" + jupyter_client: ">=7.0.0" + ipykernel: ">=6.14" + traitlets: ">=5.4" + prompt_toolkit: ">=3.0.30" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_console-6.6.3-pyhd8ed1ab_0.conda hash: - md5: 0f2d6f2c329df13e0ff0bd3748b2f74f - sha256: 9dfd2b3d2d4c3cbdeb341263d5107b7018197ad167633387832def6f68154e55 + md5: 7cf6f52a66f8e3cd9d8b6c231262dcab + sha256: 4e51764d5fe2f6e43d83bcfbcf8b4da6569721bf82eaf4d647be8717cd6be75a category: main optional: false - - name: python - version: 3.11.6 + - name: jupyter_core + version: 5.5.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libexpat: ">=2.5.0,<3.0a0" - libffi: ">=3.4,<4.0a0" - libsqlite: ">=3.43.0,<4.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - ncurses: ">=6.4,<7.0a0" - openssl: ">=3.1.3,<4.0a0" - readline: ">=8.2,<9.0a0" - tk: ">=8.6.13,<8.7.0a0" - tzdata: "" - xz: ">=5.2.6,<6.0a0" - pip: "" - url: https://conda.anaconda.org/conda-forge/osx-64/python-3.11.6-h30d4d87_0_cpython.conda + platformdirs: ">=2.5" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/linux-64/jupyter_core-5.5.0-py311h38be061_0.conda hash: - md5: 4d66c5fc01e9be526afe5d828d4de24d - sha256: e3ed331204fbeb03a9a2c2fa834e74997ad4f732ba2124b36f327d38b0cded93 + md5: cee83be29258275f75029125e186ab6d + sha256: 60bfaec278b3ea4462abd8321b47412864c54bd63575e2698da81c5755e617c1 category: main optional: false - - name: re2 - version: 2023.06.02 + - name: jupyter_core + version: 5.5.0 manager: conda platform: osx-64 dependencies: - libre2-11: 2023.06.02 - url: https://conda.anaconda.org/conda-forge/osx-64/re2-2023.06.02-hd34609a_0.conda + platformdirs: ">=2.5" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/osx-64/jupyter_core-5.5.0-py311h6eed73b_0.conda hash: - md5: e498042c254db56d398b6ee858888b9d - sha256: dd749346b868ac9a8765cd18e102f808103330b3fc1fac5d267fbf4257ea31c9 + md5: d7ee59df3fd2eec8dd60c1fcfa29a73d + sha256: d570b1554e3fd90085db1eb23ba61d595f1e588865b603ab193c73a2db50b64d category: main optional: false - - name: sqlite - version: 3.44.0 + - name: jupyter_core + version: 5.5.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libsqlite: 3.44.0 - libzlib: ">=1.2.13,<1.3.0a0" - ncurses: ">=6.4,<7.0a0" - readline: ">=8.2,<9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/sqlite-3.44.0-h7461747_0.conda + platformdirs: ">=2.5" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/osx-arm64/jupyter_core-5.5.0-py311h267d04e_0.conda hash: - md5: 4c125fcbf57aa07682468a1e9d202cfa - sha256: a222b2686f7e62c27ec2aaa64e7f2d927a883e5ef62e4ea060b6bd53c032cfca + md5: e8e88dea6f85c4efad941afd8c972376 + sha256: 447426241b1d8dc1a468ecd4501469f39e2f6967a9c8698edbe20615ba8735ad category: main optional: false - - name: aiofiles - version: 23.2.1 + - name: jupyter_events + version: 0.9.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/aiofiles-23.2.1-pyhd8ed1ab_0.conda + jsonschema-with-format-nongpl: ">=4.18.0" + python: ">=3.8" + python-json-logger: ">=2.0.4" + pyyaml: ">=5.3" + referencing: "" + rfc3339-validator: "" + rfc3986-validator: ">=0.1.1" + traitlets: ">=5.3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_events-0.9.0-pyhd8ed1ab_0.conda hash: - md5: a2ee5b45771a700cf442a2edb151594e - sha256: 98c9b4480dba1ae72c9a187cee7164ed1704f03c82576940311b5c3b55118ee5 + md5: 00ba25993f0dba38cf72a7224e33289f + sha256: 713f0cc927a862862a6d35bfb29c4114f987e4f59e2a8a14f71f23fcd7edfec3 category: main optional: false - - name: alabaster - version: 0.7.13 + - name: jupyter_events + version: 0.9.0 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/alabaster-0.7.13-pyhd8ed1ab_0.conda + rfc3339-validator: "" + referencing: "" + python: ">=3.8" + pyyaml: ">=5.3" + rfc3986-validator: ">=0.1.1" + traitlets: ">=5.3" + python-json-logger: ">=2.0.4" + jsonschema-with-format-nongpl: ">=4.18.0" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_events-0.9.0-pyhd8ed1ab_0.conda hash: - md5: 06006184e203b61d3525f90de394471e - sha256: b2d160a050996950434c6e87a174fc01c4a937cbeffbdd20d1b46126b4478a95 + md5: 00ba25993f0dba38cf72a7224e33289f + sha256: 713f0cc927a862862a6d35bfb29c4114f987e4f59e2a8a14f71f23fcd7edfec3 category: main optional: false - - name: anyascii - version: 0.3.2 + - name: jupyter_events + version: 0.9.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/anyascii-0.3.2-pyhd8ed1ab_0.conda + rfc3339-validator: "" + referencing: "" + python: ">=3.8" + pyyaml: ">=5.3" + rfc3986-validator: ">=0.1.1" + traitlets: ">=5.3" + python-json-logger: ">=2.0.4" + jsonschema-with-format-nongpl: ">=4.18.0" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_events-0.9.0-pyhd8ed1ab_0.conda hash: - md5: 70b6fc71d80ea6176f5302ebbeb13d8a - sha256: 8ad0591c262e63f3a66fe093886a4b5d00d3ad6223560fc2a88da441c672fddc + md5: 00ba25993f0dba38cf72a7224e33289f + sha256: 713f0cc927a862862a6d35bfb29c4114f987e4f59e2a8a14f71f23fcd7edfec3 category: main optional: false - - name: appdirs - version: 1.4.4 + - name: jupyter_server + version: 2.10.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/appdirs-1.4.4-pyh9f0ad1d_0.tar.bz2 + anyio: ">=3.1.0" + argon2-cffi: "" + jinja2: "" + jupyter_client: ">=7.4.4" + jupyter_core: ">=4.12,!=5.0.*" + jupyter_events: ">=0.9.0" + jupyter_server_terminals: "" + nbconvert-core: ">=6.4.4" + nbformat: ">=5.3.0" + overrides: "" + packaging: "" + prometheus_client: "" + python: ">=3.8" + pyzmq: ">=24" + send2trash: ">=1.8.2" + terminado: ">=0.8.3" + tornado: ">=6.2.0" + traitlets: ">=5.6.0" + websocket-client: "" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda hash: - md5: 5f095bc6454094e96f146491fd03633b - sha256: ae9fb8f68281f84482f2c234379aa12405a9e365151d43af20b3ae1f17312111 + md5: 7d15498584d83de3b357425e37086397 + sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 category: main optional: false - - name: appnope - version: 0.1.3 + - name: jupyter_server + version: 2.10.1 manager: conda platform: osx-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/appnope-0.1.3-pyhd8ed1ab_0.tar.bz2 + packaging: "" + jinja2: "" + prometheus_client: "" + websocket-client: "" + argon2-cffi: "" + overrides: "" + jupyter_server_terminals: "" + python: ">=3.8" + terminado: ">=0.8.3" + jupyter_core: ">=4.12,!=5.0.*" + nbconvert-core: ">=6.4.4" + tornado: ">=6.2.0" + jupyter_client: ">=7.4.4" + nbformat: ">=5.3.0" + pyzmq: ">=24" + traitlets: ">=5.6.0" + anyio: ">=3.1.0" + send2trash: ">=1.8.2" + jupyter_events: ">=0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda hash: - md5: 54ac328d703bff191256ffa1183126d1 - sha256: b209a68ac55eb9ecad7042f0d4eedef5da924699f6cdf54ac1826869cfdae742 + md5: 7d15498584d83de3b357425e37086397 + sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 category: main optional: false - - name: astroid - version: 3.0.1 + - name: jupyter_server + version: 2.10.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/astroid-3.0.1-py311h6eed73b_0.conda + packaging: "" + jinja2: "" + prometheus_client: "" + websocket-client: "" + argon2-cffi: "" + overrides: "" + jupyter_server_terminals: "" + python: ">=3.8" + terminado: ">=0.8.3" + jupyter_core: ">=4.12,!=5.0.*" + nbconvert-core: ">=6.4.4" + tornado: ">=6.2.0" + jupyter_client: ">=7.4.4" + nbformat: ">=5.3.0" + pyzmq: ">=24" + traitlets: ">=5.6.0" + anyio: ">=3.1.0" + send2trash: ">=1.8.2" + jupyter_events: ">=0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda hash: - md5: 39aff7722673b4083e5b0d9aa7e33681 - sha256: 9b3233dda23466616bdab742c890062ec757e985f9314c93b5244d5c624b3c1f + md5: 7d15498584d83de3b357425e37086397 + sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 category: main optional: false - - name: attrs - version: 23.1.0 + - name: jupyter_server_terminals + version: 0.4.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/attrs-23.1.0-pyh71513ae_1.conda + python: ">=3.8" + terminado: ">=0.8.3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server_terminals-0.4.4-pyhd8ed1ab_1.conda hash: - md5: 3edfead7cedd1ab4400a6c588f3e75f8 - sha256: 063639cd568f5c7a557b0fb1cc27f098598c0d8ff869088bfeb82934674f8821 + md5: 7c0965e1d4a0ee1529e8eaa03a78a5b3 + sha256: 9f4c5fef9beef9fceed628db7a10b888f3308b37ae257ad3d50046088317ebf1 category: main optional: false - - name: aws-c-auth - version: 0.7.7 + - name: jupyter_server_terminals + version: 0.4.4 manager: conda platform: osx-64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-auth-0.7.7-hc3630cc_0.conda + python: ">=3.8" + terminado: ">=0.8.3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server_terminals-0.4.4-pyhd8ed1ab_1.conda hash: - md5: 8f5d20d754ea27da53eb460024433f43 - sha256: 85c3821bc400bd32bff92e2da4db3fc7404acb8f662a6a2926c18f63cb5e9e01 + md5: 7c0965e1d4a0ee1529e8eaa03a78a5b3 + sha256: 9f4c5fef9beef9fceed628db7a10b888f3308b37ae257ad3d50046088317ebf1 category: main optional: false - - name: aws-c-mqtt - version: 0.9.9 + - name: jupyter_server_terminals + version: 0.4.4 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-mqtt-0.9.9-h5e4a26e_0.conda + python: ">=3.8" + terminado: ">=0.8.3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server_terminals-0.4.4-pyhd8ed1ab_1.conda hash: - md5: 61eba6810125f2214ad6863bf8941c4e - sha256: e1812608ca7587561a7c8584c9c202404bfdf2d6f2e8f135fda92f5abf1556a4 + md5: 7c0965e1d4a0ee1529e8eaa03a78a5b3 + sha256: 9f4c5fef9beef9fceed628db7a10b888f3308b37ae257ad3d50046088317ebf1 category: main optional: false - - name: backoff - version: 2.2.1 + - name: jupyterlab + version: 4.0.9 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/backoff-2.2.1-pyhd8ed1ab_0.tar.bz2 + async-lru: ">=1.0.0" + importlib_metadata: ">=4.8.3" + importlib_resources: ">=1.4" + ipykernel: "" + jinja2: ">=3.0.3" + jupyter-lsp: ">=2.0.0" + jupyter_core: "" + jupyter_server: ">=2.4.0,<3" + jupyterlab_server: ">=2.19.0,<3" + notebook-shim: ">=0.2" + packaging: "" + python: ">=3.8" + tomli: "" + tornado: ">=6.2.0" + traitlets: "" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab-4.0.9-pyhd8ed1ab_0.conda hash: - md5: 4600709bd85664d8606ae0c76642f8db - sha256: b1cf7df15741e5fbc57e22a3a89db427383335aaab22ddc1b30710deeb0130de + md5: 7da6e874b0904e411ec2fd8e6082841e + sha256: 1c55e63e4b84810796c8827370ebd597ad3f45bcd0c1fa9975a363bc6a895f23 category: dev optional: true - - name: backports - version: "1.0" - manager: conda - platform: osx-64 - dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/backports-1.0-pyhd8ed1ab_3.conda - hash: - md5: 54ca2e08b3220c148a1d8329c2678e02 - sha256: 711602276ae39276cb0faaca6fd0ac851fff0ca17151917569174841ef830bbd - category: main - optional: false - - name: backports.zoneinfo - version: 0.2.1 + - name: jupyterlab + version: 4.0.9 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/backports.zoneinfo-0.2.1-py311h6eed73b_8.conda + packaging: "" + traitlets: "" + tomli: "" + ipykernel: "" + jupyter_core: "" + python: ">=3.8" + jinja2: ">=3.0.3" + tornado: ">=6.2.0" + importlib_metadata: ">=4.8.3" + jupyter_server: ">=2.4.0,<3" + importlib_resources: ">=1.4" + jupyter-lsp: ">=2.0.0" + async-lru: ">=1.0.0" + jupyterlab_server: ">=2.19.0,<3" + notebook-shim: ">=0.2" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab-4.0.9-pyhd8ed1ab_0.conda hash: - md5: 82f37234dbc0254423c109e9e21ce332 - sha256: f6064fc69833fed6d02738d29132bc87a6195098ec74257f53044de306694ff3 - category: main - optional: false - - name: blinker - version: 1.7.0 + md5: 7da6e874b0904e411ec2fd8e6082841e + sha256: 1c55e63e4b84810796c8827370ebd597ad3f45bcd0c1fa9975a363bc6a895f23 + category: dev + optional: true + - name: jupyterlab + version: 4.0.9 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: + packaging: "" + traitlets: "" + tomli: "" + ipykernel: "" + jupyter_core: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/blinker-1.7.0-pyhd8ed1ab_0.conda + jinja2: ">=3.0.3" + tornado: ">=6.2.0" + importlib_metadata: ">=4.8.3" + jupyter_server: ">=2.4.0,<3" + importlib_resources: ">=1.4" + jupyter-lsp: ">=2.0.0" + async-lru: ">=1.0.0" + jupyterlab_server: ">=2.19.0,<3" + notebook-shim: ">=0.2" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab-4.0.9-pyhd8ed1ab_0.conda hash: - md5: 550da20b2c2e38be9cc44bb819fda5d5 - sha256: c8d72c2af4f57898dfd5e4c62ae67f7fea1490a37c8b6855460a170d61591177 - category: main - optional: false - - name: brotli-python - version: 1.1.0 + md5: 7da6e874b0904e411ec2fd8e6082841e + sha256: 1c55e63e4b84810796c8827370ebd597ad3f45bcd0c1fa9975a363bc6a895f23 + category: dev + optional: true + - name: jupyterlab_pygments + version: 0.2.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/brotli-python-1.1.0-py311hdf8f085_1.conda + pygments: ">=2.4.1,<3" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_pygments-0.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 546fdccabb90492fbaf2da4ffb78f352 - sha256: 0f5e0a7de58006f349220365e32db521a1fe494c37ee455e5ecf05b8fe567dcc + md5: 243f63592c8e449f40cd42eb5cf32f40 + sha256: 08453e09d5a6bbaeeca839553a5dfd7a377a97550efab96019c334a8042f54f5 category: main optional: false - - name: cached_property - version: 1.5.2 + - name: jupyterlab_pygments + version: 0.2.2 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/cached_property-1.5.2-pyha770c72_1.tar.bz2 + python: ">=3.7" + pygments: ">=2.4.1,<3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_pygments-0.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 576d629e47797577ab0f1b351297ef4a - sha256: 6dbf7a5070cc43d90a1e4c2ec0c541c69d8e30a0e25f50ce9f6e4a432e42c5d7 + md5: 243f63592c8e449f40cd42eb5cf32f40 + sha256: 08453e09d5a6bbaeeca839553a5dfd7a377a97550efab96019c334a8042f54f5 category: main optional: false - - name: cachetools - version: 5.3.2 + - name: jupyterlab_pygments + version: 0.2.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/cachetools-5.3.2-pyhd8ed1ab_0.conda + pygments: ">=2.4.1,<3" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_pygments-0.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 185cc1bf1d5af90020292888a3c7eb5d - sha256: cb8a6688d5650e4546a5f3c5b825bfe3c82594f1f588a93817f1bdb23e74baad + md5: 243f63592c8e449f40cd42eb5cf32f40 + sha256: 08453e09d5a6bbaeeca839553a5dfd7a377a97550efab96019c334a8042f54f5 category: main optional: false - - name: cachy - version: 0.3.0 + - name: jupyterlab_server + version: 2.25.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/cachy-0.3.0-pyhd8ed1ab_1.tar.bz2 + babel: ">=2.10" + importlib-metadata: ">=4.8.3" + jinja2: ">=3.0.3" + json5: ">=0.9.0" + jsonschema: ">=4.18" + jupyter_server: ">=1.21,<3" + packaging: ">=21.3" + python: ">=3.8" + requests: ">=2.31" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda hash: - md5: 5dfee17f24e2dfd18d7392b48c9351e2 - sha256: 9b193a4e483c4d0004bc5b88fac7a02516b6311137ab61b8db85aa9741422e35 + md5: f45557d5551b54dc2a74133a310bc1ba + sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b category: main optional: false - - name: cairo - version: 1.18.0 + - name: jupyterlab_server + version: 2.25.2 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - icu: ">=73.2,<74.0a0" - libcxx: ">=16.0.6" - libglib: ">=2.78.0,<3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - pixman: ">=0.42.2,<1.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/cairo-1.18.0-h99e66fa_0.conda + python: ">=3.8" + packaging: ">=21.3" + jinja2: ">=3.0.3" + importlib-metadata: ">=4.8.3" + jupyter_server: ">=1.21,<3" + babel: ">=2.10" + json5: ">=0.9.0" + requests: ">=2.31" + jsonschema: ">=4.18" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda hash: - md5: 13f830b1bf46018f7062d1b798d53eca - sha256: f8d1142cf244eadcbc44e8ca2266aa61a05b6cda5571f9b745ba32c7ebbfdfba + md5: f45557d5551b54dc2a74133a310bc1ba + sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b category: main optional: false - - name: catalystcoop.dbfread - version: 3.0.0 + - name: jupyterlab_server + version: 2.25.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.dbfread-3.0.0-py_0.tar.bz2 + python: ">=3.8" + packaging: ">=21.3" + jinja2: ">=3.0.3" + importlib-metadata: ">=4.8.3" + jupyter_server: ">=1.21,<3" + babel: ">=2.10" + json5: ">=0.9.0" + requests: ">=2.31" + jsonschema: ">=4.18" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda hash: - md5: 301d8b0d49e76f6bd586d2c96c2e259e - sha256: bfba35085bcf84c3368b38ed0c5e6f03aeadf0712e866cb9e89283d6ff5292d7 + md5: f45557d5551b54dc2a74133a310bc1ba + sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b category: main optional: false - - name: cchardet - version: 2.1.7 + - name: jupyterlab_widgets + version: 3.0.9 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/cchardet-2.1.7-py311hdf8f085_5.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_widgets-3.0.9-pyhd8ed1ab_0.conda hash: - md5: db8be41b81fe09437c5f1bfef4949609 - sha256: 98784ac0cca2b0b6149d8239d5bda9ff28ba9d115cf010d9e365bcd7b2db9206 + md5: 8370e0a9dc443f9b45a23fd30e7a6b3b + sha256: ec66991d2175f7b1f35973d6c4f56ad9a49666f77acf1037d72f3bc6e37224f3 category: main optional: false - - name: certifi - version: 2023.11.17 + - name: jupyterlab_widgets + version: 3.0.9 manager: conda platform: osx-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_widgets-3.0.9-pyhd8ed1ab_0.conda hash: - md5: 2011bcf45376341dd1d690263fdbc789 - sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 + md5: 8370e0a9dc443f9b45a23fd30e7a6b3b + sha256: ec66991d2175f7b1f35973d6c4f56ad9a49666f77acf1037d72f3bc6e37224f3 category: main optional: false - - name: cfgv - version: 3.3.1 + - name: jupyterlab_widgets + version: 3.0.9 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/cfgv-3.3.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_widgets-3.0.9-pyhd8ed1ab_0.conda hash: - md5: ebb5f5f7dc4f1a3780ef7ea7738db08c - sha256: fbc03537a27ef756162c49b1d0608bf7ab12fa5e38ceb8563d6f4859e835ac5c + md5: 8370e0a9dc443f9b45a23fd30e7a6b3b + sha256: ec66991d2175f7b1f35973d6c4f56ad9a49666f77acf1037d72f3bc6e37224f3 category: main optional: false - - name: chardet - version: 5.2.0 + - name: kealib + version: 1.5.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/chardet-5.2.0-py311h6eed73b_1.conda + hdf5: ">=1.14.2,<1.14.3.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/kealib-1.5.2-hcd42e92_1.conda hash: - md5: dd58f7f16513cea1fea710651e4df728 - sha256: 5826e13627594bafa2f0b4074d9233b0de74227835d249641f216423b3dc8dfc + md5: b04c039f0bd511533a0d8bc8a7b6835e + sha256: 1278aaba7bfd9a143a58a2d5e13296702b6bd77f7b43f6ecace555a55579bdad category: main optional: false - - name: charset-normalizer - version: 3.3.2 + - name: kealib + version: 1.5.2 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/charset-normalizer-3.3.2-pyhd8ed1ab_0.conda + hdf5: ">=1.14.2,<1.14.3.0a0" + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/kealib-1.5.2-h052fcf7_1.conda hash: - md5: 7f4a9e3fcff3f6356ae99244a014da6a - sha256: 20cae47d31fdd58d99c4d2e65fbdcefa0b0de0c84e455ba9d6356a4bdbc4b5b9 + md5: 346aec056b5619302c4aa538fbee4bdf + sha256: b3982fad0bcbe07a8129d93b1977f3a8a26ea96aa5aae7ee1395917a2cac2db2 category: main optional: false - - name: click - version: 8.1.7 + - name: kealib + version: 1.5.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/click-8.1.7-unix_pyh707e725_0.conda + hdf5: ">=1.14.2,<1.14.3.0a0" + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/kealib-1.5.2-h47b5e36_1.conda hash: - md5: f3ad426304898027fc619827ff428eca - sha256: f0016cbab6ac4138a429e28dbcb904a90305b34b3fe41a9b89d697c90401caec + md5: 88abe34211296bbc0ba1871fd2b13962 + sha256: 93e9b03cd9035766c43e5f7f851fc07a4f68b79fd48c1306280f17093a8ae746 category: main optional: false - - name: cloudpickle - version: 3.0.0 + - name: keyring + version: 24.3.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/cloudpickle-3.0.0-pyhd8ed1ab_0.conda + importlib_metadata: ">=4.11.4" + jaraco.classes: "" + jeepney: ">=0.4.2" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + secretstorage: ">=3.2" + url: https://conda.anaconda.org/conda-forge/linux-64/keyring-24.3.0-py311h38be061_0.conda hash: - md5: 753d29fe41bb881e4b9c004f0abf973f - sha256: 0dfbc1ffa72e7a0882f486c9b1e4e9cccb68cf5c576fe53a89d076c9f1d43754 + md5: 09e27eb40c88f732a4e0ea5b70f63ae0 + sha256: 29909aa6935d34f46b9121bfb504e8305af525a27639bbf5d2692fce2935e9bc category: main optional: false - - name: colorama - version: 0.4.6 + - name: keyring + version: 24.3.0 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/colorama-0.4.6-pyhd8ed1ab_0.tar.bz2 + importlib_metadata: ">=4.11.4" + jaraco.classes: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/keyring-24.3.0-py311h6eed73b_0.conda hash: - md5: 3faab06a954c2a04039983f2c4a50d99 - sha256: 2c1b2e9755ce3102bca8d69e8f26e4f087ece73f50418186aee7c74bef8e1698 + md5: 2477bfca2a6eae7d1b72530225febae6 + sha256: 1cafeae8549f6f04da024dd2863f027b587018c7a1a570399e366053bc2cf16c category: main optional: false - - name: crashtest - version: 0.4.1 + - name: keyring + version: 24.3.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/crashtest-0.4.1-pyhd8ed1ab_0.tar.bz2 + importlib_metadata: ">=4.11.4" + jaraco.classes: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/keyring-24.3.0-py311h267d04e_0.conda hash: - md5: 709a2295dd907bb34afb57d54320642f - sha256: 2f05954a3faf0700c14c1deddc085385160ee32abe111699c78d9cb277e915cc + md5: 3ef01ab147d3d43bb0990eba7a1fcaec + sha256: f7791c4a77253a2278eaa3dad298f578af5af4f5e8e69e46c6dca23259dd949a category: main optional: false - - name: cycler - version: 0.12.1 + - name: keyutils + version: 1.6.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/cycler-0.12.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=10.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/keyutils-1.6.1-h166bdaf_0.tar.bz2 hash: - md5: 5cd86562580f274031ede6aa6aa24441 - sha256: f221233f21b1d06971792d491445fd548224641af9443739b4b7b6d5d72954a8 + md5: 30186d27e2c9fa62b45fb1476b7200e3 + sha256: 150c05a6e538610ca7c43beb3a40d65c90537497a4f6a5f4d15ec0451b6f5ebb category: main optional: false - - name: dagster-pipes - version: 1.5.9 + - name: kiwisolver + version: 1.4.5 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.9-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/kiwisolver-1.4.5-py311h9547e67_1.conda hash: - md5: 0a9787859365c4d2425e589ac53c462b - sha256: eebc7dca517350678ebfb8b3fff7ec47c60aff62dae2e69b8c4845b6080ec3e8 + md5: 2c65bdf442b0d37aad080c8a4e0d452f + sha256: 723b0894d2d2b05a38f9c5a285d5a0a5baa27235ceab6531dbf262ba7c6955c1 category: main optional: false - - name: dataclasses - version: "0.8" + - name: kiwisolver + version: 1.4.5 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/dataclasses-0.8-pyhc8e2a94_3.tar.bz2 + libcxx: ">=15.0.7" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/kiwisolver-1.4.5-py311h5fe6e05_1.conda hash: - md5: a362b2124b06aad102e2ee4581acee7d - sha256: 63a83e62e0939bc1ab32de4ec736f6403084198c4639638b354a352113809c92 + md5: 24305b23f7995de72bbd53b7c01242a2 + sha256: 586a4d0a17e6cfd9f8fdee56106d263ee40ca156832774d6e899f82ad68ac8d0 category: main optional: false - - name: debugpy - version: 1.8.0 + - name: kiwisolver + version: 1.4.5 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/debugpy-1.8.0-py311hdf8f085_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/kiwisolver-1.4.5-py311he4fd1f5_1.conda hash: - md5: 7f20ef8a63be62d1bcdaa8136ec09647 - sha256: 93e94c9077b13f3dde47794bb6ca02f9c3174c794edf889158306a54764a075c + md5: 4c871d65040b8c7bbb914df7f8f11492 + sha256: 907af50734789d47b3e8b2148dde763699dc746c64e5849baf6bd720c8cd0235 category: main optional: false - - name: decorator - version: 5.1.1 + - name: krb5 + version: 1.21.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/decorator-5.1.1-pyhd8ed1ab_0.tar.bz2 + keyutils: ">=1.6.1,<2.0a0" + libedit: ">=3.1.20191231,<4.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/krb5-1.21.2-h659d440_0.conda hash: - md5: 43afe5ab04e35e17ba28649471dd7364 - sha256: 328a6a379f9bdfd0230e51de291ce858e6479411ea4b0545fb377c71662ef3e2 + md5: cd95826dbd331ed1be26bdf401432844 + sha256: 259bfaae731989b252b7d2228c1330ef91b641c9d68ff87dae02cbae682cb3e4 category: main optional: false - - name: defusedxml - version: 0.7.1 + - name: krb5 + version: 1.21.2 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/defusedxml-0.7.1-pyhd8ed1ab_0.tar.bz2 + libcxx: ">=15.0.7" + libedit: ">=3.1.20191231,<4.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/krb5-1.21.2-hb884880_0.conda hash: - md5: 961b3a227b437d82ad7054484cfa71b2 - sha256: 9717a059677553562a8f38ff07f3b9f61727bd614f505658b0a5ecbcf8df89be + md5: 80505a68783f01dc8d7308c075261b2f + sha256: 081ae2008a21edf57c048f331a17c65d1ccb52d6ca2f87ee031a73eff4dc0fc6 category: main optional: false - - name: distlib - version: 0.3.7 + - name: krb5 + version: 1.21.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: 2.7|>=3.6 - url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libedit: ">=3.1.20191231,<4.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/krb5-1.21.2-h92f50d5_0.conda hash: - md5: 12d8aae6994f342618443a8f05c652a0 - sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 + md5: 92f1cff174a538e0722bf2efb16fc0b2 + sha256: 70bdb9b4589ec7c7d440e485ae22b5a352335ffeb91a771d4c162996c3070875 category: main optional: false - - name: docstring_parser - version: "0.15" + - name: latexcodec + version: 2.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/docstring_parser-0.15-pyhd8ed1ab_0.conda + python: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/latexcodec-2.0.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 031fcb28b8e80c1f7bec22ccdf4904b2 - sha256: 9b22e1f1d0decc26cc0743ce929e1a7e233fd7921d1b5c390db0691b8042a706 + md5: 8d67904973263afd2985ba56aa2d6bb4 + sha256: 5210d31c8f2402dd1ad1b3edcf7a53292b9da5de20cd14d9c243dbf9278b1c4f category: main optional: false - - name: docutils - version: 0.20.1 + - name: latexcodec + version: 2.0.1 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/docutils-0.20.1-py311h6eed73b_2.conda + python: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/latexcodec-2.0.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: d56b49f1a2c908d05d1ca6b3f85d0fd5 - sha256: 869e919066b308794e399bc551fc508c175da5f9324b7a324eb259cef8adabf2 + md5: 8d67904973263afd2985ba56aa2d6bb4 + sha256: 5210d31c8f2402dd1ad1b3edcf7a53292b9da5de20cd14d9c243dbf9278b1c4f category: main optional: false - - name: entrypoints - version: "0.4" + - name: latexcodec + version: 2.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/entrypoints-0.4-pyhd8ed1ab_0.tar.bz2 + python: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/latexcodec-2.0.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 3cf04868fee0a029769bd41f4b2fbf2d - sha256: 2ec4a0900a4a9f42615fc04d0fb3286b796abe56590e8e042f6ec25e102dd5af + md5: 8d67904973263afd2985ba56aa2d6bb4 + sha256: 5210d31c8f2402dd1ad1b3edcf7a53292b9da5de20cd14d9c243dbf9278b1c4f category: main optional: false - - name: et_xmlfile - version: 1.1.0 + - name: lcms2 + version: "2.15" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/et_xmlfile-1.1.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/lcms2-2.15-hb7c19ff_3.conda hash: - md5: a2f2138597905eaa72e561d8efb42cf3 - sha256: 0c7bb50e1382615a660468dc531b8b17c5b91b88a02ed131c8e3cc63db507ce2 + md5: e96637dd92c5f340215c753a5c9a22d7 + sha256: cc0b2ddab52b20698b26fe8622ebe37e0d462d8691a1f324e7b00f7d904765e3 category: main optional: false - - name: exceptiongroup - version: 1.1.3 + - name: lcms2 + version: "2.15" manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/exceptiongroup-1.1.3-pyhd8ed1ab_0.conda + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/lcms2-2.15-hd6ba6f3_3.conda hash: - md5: e6518222753f519e911e83136d2158d9 - sha256: c28f715e049fe0f09785660bcbffa175ffb438720e5bc5a60d56d4b08364b315 + md5: 8059507d52f477fbd4b81841e085e25b + sha256: b2234f24e3b0030762430ec3414410119d1129804a95ef65af50ad36cabd9bd5 category: main optional: false - - name: execnet - version: 2.0.2 + - name: lcms2 + version: "2.15" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/execnet-2.0.2-pyhd8ed1ab_0.conda + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/lcms2-2.15-hf2736f0_3.conda hash: - md5: 67de0d8241e1060a479e3c37793e26f9 - sha256: 88ea68a360198af39368beecf057af6b31f0ae38071b2bdb2aa961b6ae5427c0 + md5: bbaac531169fed3e09ae31aff80aa069 + sha256: 3d07ba04602617c3084b302c8a6fa30b2e4b20511180f45992b289c312298018 category: main optional: false - - name: executing - version: 2.0.1 + - name: ld_impl_linux-64 + version: "2.40" manager: conda - platform: osx-64 - dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/executing-2.0.1-pyhd8ed1ab_0.conda + platform: linux-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/linux-64/ld_impl_linux-64-2.40-h41732ed_0.conda hash: - md5: e16be50e378d8a4533b989035b196ab8 - sha256: c738804ab1e6376f8ea63372229a04c8d658dc90fd5a218c6273a2eaf02f4057 + md5: 7aca3059a1729aa76c597603f10b0dd3 + sha256: f6cc89d887555912d6c61b295d398cff9ec982a3417d38025c45d5dd9b9e79cd category: main optional: false - - name: filelock - version: 3.13.1 + - name: lerc + version: 4.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/filelock-3.13.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/lerc-4.0.0-h27087fc_0.tar.bz2 hash: - md5: 0c1729b74a8152fde6a38ba0a2ab9f45 - sha256: 4d742d91412d1f163e5399d2b50c5d479694ebcd309127abb549ca3977f89d2b + md5: 76bbff344f0134279f225174e9064c8f + sha256: cb55f36dcd898203927133280ae1dc643368af041a48bcf7c026acb7c47b0c12 category: main optional: false - - name: frozenlist - version: 1.4.0 + - name: lerc + version: 4.0.0 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/frozenlist-1.4.0-py311h2725bcf_1.conda + libcxx: ">=13.0.1" + url: https://conda.anaconda.org/conda-forge/osx-64/lerc-4.0.0-hb486fe8_0.tar.bz2 hash: - md5: 43a86b4653a43d76f3d6859a5a077ceb - sha256: d94ac2d88ac46097c9d0c98a42e6f6ee92219824b5e71053a84decd0daad7c81 + md5: f9d6a4c82889d5ecedec1d90eb673c55 + sha256: e41790fc0f4089726369b3c7f813117bbc14b533e0ed8b94cf75aba252e82497 category: main optional: false - - name: fsspec - version: 2023.10.0 + - name: lerc + version: 4.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.10.0-pyhca7485f_0.conda + libcxx: ">=13.0.1" + url: https://conda.anaconda.org/conda-forge/osx-arm64/lerc-4.0.0-h9a09cb3_0.tar.bz2 hash: - md5: 5b86cf1ceaaa9be2ec4627377e538db1 - sha256: 1bbdfadb93cc768252fd207dca406cde928f9a81ff985ea1760b6539c55923e6 + md5: de462d5aacda3b30721b512c5da4e742 + sha256: 6f068bb53dfb6147d3147d981bb851bb5477e769407ad4e6a68edf482fdcb958 category: main optional: false - - name: google-cloud-sdk - version: 455.0.0 + - name: libabseil + version: "20230802.1" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/google-cloud-sdk-455.0.0-py311h6eed73b_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libabseil-20230802.1-cxx17_h59595ed_0.conda hash: - md5: 0a635aa75ccc84e4dd16e06b559d3d49 - sha256: 8e133ed925ed75409a354b564ff2ebc2ebb3ebdd659f2d190b4c198b164c6f8e + md5: 2785ddf4cb0e7e743477991d64353947 + sha256: 8729021a93e67bb93b4e73ef0a132499db516accfea11561b667635bcd0507e7 category: main optional: false - - name: greenlet - version: 3.0.1 + - name: libabseil + version: "20230802.1" manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/greenlet-3.0.1-py311hd39e593_0.conda + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/libabseil-20230802.1-cxx17_h048a20a_0.conda hash: - md5: 447a2de59f80041e6f63c222d5a5e77f - sha256: 872e40b28dce3abf5d3df621a99247a79d3e642eaf1db284c8a43888e1c7f74b + md5: 6554f5fb47c025273268bcdb7bf3cd48 + sha256: 05431a6adb376a865e10d4ae673399d7890083c06f61cf18edb7c6629e75f39e category: main optional: false - - name: hpack - version: 4.0.0 + - name: libabseil + version: "20230802.1" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/hpack-4.0.0-pyh9f0ad1d_0.tar.bz2 + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libabseil-20230802.1-cxx17_h13dd4ca_0.conda hash: - md5: 914d6646c4dbb1fd3ff539830a12fd71 - sha256: 5dec948932c4f740674b1afb551223ada0c55103f4c7bf86a110454da3d27cb8 + md5: fb6dfadc1898666616dfda242d8aea10 + sha256: 459a58f36607246b4483d7a370c2d9a03e7f824e79da2c6e3e9d62abf80393e7 category: main optional: false - - name: httptools - version: 0.6.1 + - name: libaec + version: 1.1.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/httptools-0.6.1-py311he705e18_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libaec-1.1.2-h59595ed_1.conda hash: - md5: 18bfe027e8c0a8a54aeb6794359c977e - sha256: ed33c069ccfb3b1bdf396bbb2280aabeb36273054e9d5ad249639ba4e6820822 - category: dev - optional: true - - name: humanfriendly - version: "10.0" + md5: 127b0be54c1c90760d7fe02ea7a56426 + sha256: fdde15e74dc099ab1083823ec0f615958e53d9a8fae10405af977de251668bea + category: main + optional: false + - name: libaec + version: 1.1.2 manager: conda platform: osx-64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/humanfriendly-10.0-pyhd8ed1ab_6.conda + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/libaec-1.1.2-he965462_1.conda hash: - md5: 2ed1fe4b9079da97c44cfe9c2e5078fd - sha256: cd93d5d4b1d98f7ce76a8658c35de9c63e17b3a40e52f40fa2f459e0da83d0b1 + md5: faa179050abc6af1385e0fe9dd074f91 + sha256: 1b0a0b9b67e8f155ebdc7205a7421c7aff4850a740fc9f88b3fa23282c98ed72 category: main optional: false - - name: hupper - version: "1.12" + - name: libaec + version: 1.1.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/hupper-1.12-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libaec-1.1.2-h13dd4ca_1.conda hash: - md5: 2654ff96e839bc699e5c3780689a596b - sha256: 0b172391000a008029f32e4a34d37d79b114d4ea3b6948d2be72a78568fdadcd + md5: b7962cdc2cedcc9f8d12928824c11fbd + sha256: c9d6f01d511bd3686ce590addf829f34031b95e3feb34418496cbb45924c5d17 category: main optional: false - - name: hyperframe - version: 6.0.1 + - name: libarchive + version: 3.7.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/hyperframe-6.0.1-pyhd8ed1ab_0.tar.bz2 + bzip2: ">=1.0.8,<2.0a0" + libgcc-ng: ">=12" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + lzo: ">=2.10,<3.0a0" + openssl: ">=3.1.2,<4.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libarchive-3.7.2-h039dbb9_0.conda hash: - md5: 9f765cbfab6870c8435b9eefecd7a1f4 - sha256: e374a9d0f53149328134a8d86f5d72bca4c6dcebed3c0ecfa968c02996289330 + md5: 611d6c83d1130ea60c916531adfb11db + sha256: b82b9f4a1515877ea65416bf7fd9cc77cae77d7b5977eada2b999ee525a0d5c9 category: main optional: false - - name: idna - version: "3.4" + - name: libarchive + version: 3.7.2 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/idna-3.4-pyhd8ed1ab_0.tar.bz2 + bzip2: ">=1.0.8,<2.0a0" + libiconv: ">=1.17,<2.0a0" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + lzo: ">=2.10,<3.0a0" + openssl: ">=3.1.2,<4.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libarchive-3.7.2-h0b5dc4a_0.conda hash: - md5: 34272b248891bddccc64479f9a7fffed - sha256: 9887c35c374ec1847f167292d3fde023cb4c994a4ceeec283072b95440131f09 + md5: 0f8458c98eaf403501e7e699d93594e7 + sha256: 77669122d52073078d55310cf21fdfc35c283243cd47a064d6dbab38d8e6ab02 category: main optional: false - - name: ijson - version: 3.2.3 + - name: libarchive + version: 3.7.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/ijson-3.2.3-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libiconv: ">=1.17,<2.0a0" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + lzo: ">=2.10,<3.0a0" + openssl: ">=3.1.2,<4.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarchive-3.7.2-h82b9b87_0.conda hash: - md5: 6b1e4cb33f797d6487efd3ebad39d103 - sha256: 133fb51b4c638c453ef7de37cc4d412b9a4442839a9c7ad986b9bf473234b585 + md5: da6ec82a0e07f738afee1c4279778b30 + sha256: d8f2a19466f11ca9d6e1bf6a82cf84a5eb60dcf55d93fa2fbf47a503b953e348 category: main optional: false - - name: imagesize - version: 1.4.1 + - name: libarrow + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/imagesize-1.4.1-pyhd8ed1ab_0.tar.bz2 + aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" + aws-sdk-cpp: ">=1.11.182,<1.11.183.0a0" + bzip2: ">=1.0.8,<2.0a0" + glog: ">=0.6.0,<0.7.0a0" + libabseil: ">=20230802.1,<20230803.0a0" + libbrotlidec: ">=1.1.0,<1.2.0a0" + libbrotlienc: ">=1.1.0,<1.2.0a0" + libgcc-ng: ">=12" + libgoogle-cloud: ">=2.12.0,<2.13.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libstdcxx-ng: ">=12" + libutf8proc: ">=2.8.0,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + orc: ">=1.9.0,<1.9.1.0a0" + re2: "" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-14.0.1-h4df1b6a_3_cpu.conda hash: - md5: 7de5386c8fea29e76b303f37dde4c352 - sha256: c2bfd7043e0c4c12d8b5593de666c1e81d67b83c474a0a79282cc5c4ef845460 + md5: 8f95beca2cdede6329401193609f497a + sha256: c6595ba12a12e8e8c518daeb1bd6cdc584c41d331be2738c136347af5a606519 category: main optional: false - - name: iniconfig - version: 2.0.0 + - name: libarrow + version: 14.0.1 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/iniconfig-2.0.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" + aws-sdk-cpp: ">=1.11.182,<1.11.183.0a0" + bzip2: ">=1.0.8,<2.0a0" + glog: ">=0.6.0,<0.7.0a0" + libabseil: ">=20230802.1,<20230803.0a0" + libbrotlidec: ">=1.1.0,<1.2.0a0" + libbrotlienc: ">=1.1.0,<1.2.0a0" + libcxx: ">=15.0.7" + libgoogle-cloud: ">=2.12.0,<2.13.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libutf8proc: ">=2.8.0,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + orc: ">=1.9.0,<1.9.1.0a0" + re2: "" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-14.0.1-hd201b0c_3_cpu.conda hash: - md5: f800d2da156d08e289b14e87e43c1ae5 - sha256: 38740c939b668b36a50ef455b077e8015b8c9cf89860d421b3fff86048f49666 + md5: ca9ae7988629996eeab28791c9a97b12 + sha256: 6866b9fbece513b932ae9862a1281f96a3fb05572f02ba3af3d3021363a24553 category: main optional: false - - name: itsdangerous - version: 2.1.2 + - name: libarrow + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/itsdangerous-2.1.2-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" + aws-sdk-cpp: ">=1.11.182,<1.11.183.0a0" + bzip2: ">=1.0.8,<2.0a0" + glog: ">=0.6.0,<0.7.0a0" + libabseil: ">=20230802.1,<20230803.0a0" + libbrotlidec: ">=1.1.0,<1.2.0a0" + libbrotlienc: ">=1.1.0,<1.2.0a0" + libcxx: ">=15.0.7" + libgoogle-cloud: ">=2.12.0,<2.13.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libutf8proc: ">=2.8.0,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + orc: ">=1.9.0,<1.9.1.0a0" + re2: "" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-14.0.1-h8dffd16_3_cpu.conda hash: - md5: 3c3de74912f11d2b590184f03c7cd09b - sha256: 31e3492686b4e92b53db9b48bc0eb03873b1caaf28629fee7d2d47627a2c56d3 + md5: c9e9f1a73232f3a6eae1b174f39e2d3f + sha256: c482e8d50d2a20b4460801610da58e49fe7c9db8836ffd0653b657af55664634 category: main optional: false - - name: jellyfish - version: 1.0.3 + - name: libarrow-acero + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/jellyfish-1.0.3-py311h5e0f0e4_0.conda + libarrow: 14.0.1 + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-acero-14.0.1-h59595ed_3_cpu.conda hash: - md5: 6229bd3463f162abe20e7d12148f59f5 - sha256: 6ba0f5f9fba8b231520a595cfc86a3f05ab0613ced553d3e5fa45187475eec23 + md5: c76ae01767e94ee20c974a10e4f071a7 + sha256: 9b471ca984de6028add562c68135c050b66844c1597472c6162b53004793b843 category: main optional: false - - name: jmespath - version: 1.0.1 + - name: libarrow-acero + version: 14.0.1 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jmespath-1.0.1-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-acero-14.0.1-hc222712_3_cpu.conda hash: - md5: 2cfa3e1cf3fb51bb9b17acc5b5e9ea11 - sha256: 95ac5f9ee95fd4e34dc051746fc86016d3d4f6abefed113e2ede049d59ec2991 + md5: 920ead842f00024ab7c3b37646288aa1 + sha256: 3c71cbabc89643b8b771ea226fe0e564baa102c06dc169cda5db033df1b2b5f2 category: main optional: false - - name: json5 - version: 0.9.14 + - name: libarrow-acero + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/json5-0.9.14-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-acero-14.0.1-had9dd58_3_cpu.conda hash: - md5: dac1dabba2b5a9d1aee175c5fcc7b436 - sha256: 41514104208c092959bef0713cbd795e72c535f2f939b7903d8c97809f2adaa7 + md5: 45385a4bd04cae4e3df499e585b14a0b + sha256: f82e7f13d0b6159bfd6fefc136a85bc41e0a612a9e73f097bd70fc5b9e5e0dce category: main optional: false - - name: jsonpointer - version: "2.4" + - name: libarrow-dataset + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/jsonpointer-2.4-py311h6eed73b_3.conda + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libgcc-ng: ">=12" + libparquet: 14.0.1 + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-dataset-14.0.1-h59595ed_3_cpu.conda hash: - md5: ed1c23d0e55abd27d8b9e31c58105140 - sha256: b0ba738e1dbf3b69558557cd1e63310364e045b8c8e7f73fdce7e71928b5f22a + md5: 39b1db7f15fb88394e57caf9ffc653f5 + sha256: 86aefe875eb8110a774a6ad6da94e868ed837ae054e630adec391eab7c559af4 category: main optional: false - - name: jupyterlab_widgets - version: 3.0.9 + - name: libarrow-dataset + version: 14.0.1 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_widgets-3.0.9-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libcxx: ">=15.0.7" + libparquet: 14.0.1 + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-dataset-14.0.1-hc222712_3_cpu.conda hash: - md5: 8370e0a9dc443f9b45a23fd30e7a6b3b - sha256: ec66991d2175f7b1f35973d6c4f56ad9a49666f77acf1037d72f3bc6e37224f3 + md5: b4e8a2dfbd7e2f2cae34158012e4d5c1 + sha256: beaf2af22a35fd4ffcf29f1b44df1ca8a77b0d9a87abff1de938aaf72b26dc4d category: main optional: false - - name: kiwisolver - version: 1.4.5 + - name: libarrow-dataset + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-acero: 14.0.1 libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/kiwisolver-1.4.5-py311h5fe6e05_1.conda + libparquet: 14.0.1 + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-dataset-14.0.1-had9dd58_3_cpu.conda hash: - md5: 24305b23f7995de72bbd53b7c01242a2 - sha256: 586a4d0a17e6cfd9f8fdee56106d263ee40ca156832774d6e899f82ad68ac8d0 + md5: 01f2b9ff760ec946a47736a95bf070ce + sha256: bf47c92c431e3eb1b79498a7826beee404b7186c160e5646d06fe8bd3c52fb42 category: main optional: false - - name: libblas - version: 3.9.0 + - name: libarrow-flight + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libopenblas: ">=0.3.24,<1.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libblas-3.9.0-19_osx64_openblas.conda + libabseil: ">=20230802.1,<20230803.0a0" + libarrow: 14.0.1 + libgcc-ng: ">=12" + libgrpc: ">=1.59.2,<1.60.0a0" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libstdcxx-ng: ">=12" + ucx: ">=1.15.0,<1.16.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-flight-14.0.1-h120cb0d_3_cpu.conda hash: - md5: e932b99c38915fa2ee252cdff6ea1f01 - sha256: c2c96103aa23a65f45b76716df49940cb0722258d3e0416f8fa06ade02464b23 + md5: 3aaef593671fe31fb2e3cc3b7def5e6a + sha256: 96d4f0ce2072e90c21a4d6a020c50fce74e1b0afdc578a5d32430fcf179ba1a9 category: main optional: false - - name: libcurl - version: 8.4.0 + - name: libarrow-flight + version: 14.0.1 manager: conda platform: osx-64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libnghttp2: ">=1.52.0,<2.0a0" - libssh2: ">=1.11.0,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libcurl-8.4.0-h726d00d_0.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + libgrpc: ">=1.59.2,<1.60.0a0" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-flight-14.0.1-h440f1c2_3_cpu.conda hash: - md5: 2c17b4dedf0039736951471f493353bd - sha256: cd3400ecb42fc420acb18e2d836535c44ebd501ebeb4e0bf3830776e9b4ca650 + md5: 729e2fc0e72d1b7b139422ed8ecf41df + sha256: 91e001bb4208afc6fc24e3cc6bd07a2e423ab83220f659b790b1c64c1bb61af7 category: main optional: false - - name: libgd - version: 2.3.3 + - name: libarrow-flight + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - expat: "" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - icu: ">=73.2,<74.0a0" - libexpat: ">=2.5.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp: "" - libwebp-base: ">=1.3.2,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/libgd-2.3.3-h0dceb68_9.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + libgrpc: ">=1.59.2,<1.60.0a0" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-flight-14.0.1-h1011bfc_3_cpu.conda hash: - md5: 1feb43971521d430bf826f8398598c5b - sha256: 4ed8546ff3356fc42f0e155446a060b14ee4aa96802e2da586532861deb3b917 - category: dev - optional: true - - name: libgrpc - version: 1.59.2 + md5: 58b858ca5385418e166c7cc30654d3f2 + sha256: b895ea4bfed516ac8b974fca7c437b70ec0b753abd7546f85353e85b536c7551 + category: main + optional: false + - name: libarrow-flight-sql + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - c-ares: ">=1.20.1,<2.0a0" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" + libarrow: 14.0.1 + libarrow-flight: 14.0.1 + libgcc-ng: ">=12" libprotobuf: ">=4.24.4,<4.24.5.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - re2: "" - url: https://conda.anaconda.org/conda-forge/osx-64/libgrpc-1.59.2-ha7f534c_0.conda + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-flight-sql-14.0.1-h61ff412_3_cpu.conda hash: - md5: 7db1bdebc02cd6e56f9f420ac3c1e557 - sha256: 3f4e2df8760e279921adba7eba8b8b56c2b6ecde7872242ce6ae3bf55319e0b5 + md5: bee925cf81e536f064c5fb58e770c102 + sha256: da8646f41e41d0808e28059e660fcac9048c8f0e1055bdcef6ccbd2c24036eb1 category: main optional: false - - name: libpq - version: "16.1" + - name: libarrow-flight-sql + version: 14.0.1 manager: conda platform: osx-64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libpq-16.1-h6dd4ff7_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-flight: 14.0.1 + libcxx: ">=15.0.7" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-flight-sql-14.0.1-h2cc6c1c_3_cpu.conda hash: - md5: 39de94ff4ccc306f3d24ef7aef13c689 - sha256: 1a51c9b3451eebf04ac1f7a7a58fec07c2e44d2298514a30f62b5b432a653c07 + md5: 018c16ea4875bd012b4e525246835f30 + sha256: 8f73fa15493cf0e651ae7accf9a54547967276a2ed67a7c8623eb0dabd5eb300 category: main optional: false - - name: llvmlite - version: 0.41.1 + - name: libarrow-flight-sql + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libllvm14: ">=14.0.6,<14.1.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/llvmlite-0.41.1-py311hb5c2e0a_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-flight: 14.0.1 + libcxx: ">=15.0.7" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-flight-sql-14.0.1-h660fe36_3_cpu.conda hash: - md5: 9a2b325146497a6197a2d44b8762ccb2 - sha256: 891153e5aef3ea6ffe53b52aa2244736ebad4771fa7a69c5887cbe76e03237bd + md5: e68ba1cba4bc839af1fb2240e2f7a93a + sha256: 831e8f230d0b489ee2c541a091351857ac369813f555ae3789980132a2a3a365 category: main optional: false - - name: locket - version: 1.0.0 + - name: libarrow-gandiva + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" - url: https://conda.anaconda.org/conda-forge/noarch/locket-1.0.0-pyhd8ed1ab_0.tar.bz2 + libarrow: 14.0.1 + libgcc-ng: ">=12" + libllvm15: ">=15.0.7,<15.1.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libstdcxx-ng: ">=12" + libutf8proc: ">=2.8.0,<3.0a0" + openssl: ">=3.1.4,<4.0a0" + re2: "" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-gandiva-14.0.1-hacb8726_3_cpu.conda hash: - md5: 91e27ef3d05cc772ce627e51cff111c4 - sha256: 9afe0b5cfa418e8bdb30d8917c5a6cec10372b037924916f1f85b9f4899a67a6 + md5: 0bd1c4aeb8a8386da85df4bc0b21efc1 + sha256: 9b5d9b9a4fed1171a92795b329bc26b106471877ff5f80942ff1ad84bff7f3e2 category: main optional: false - - name: lxml - version: 4.9.3 + - name: libarrow-gandiva + version: 14.0.1 manager: conda platform: osx-64 dependencies: - libxml2: ">=2.11.5,<2.12.0a0" - libxslt: ">=1.1.37,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/lxml-4.9.3-py311h19a211c_1.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + libllvm15: ">=15.0.7,<15.1.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libutf8proc: ">=2.8.0,<3.0a0" + openssl: ">=3.1.4,<4.0a0" + re2: "" + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-gandiva-14.0.1-heeebe7c_3_cpu.conda hash: - md5: d3687d6ebe20ef8bf959dba786cdb28e - sha256: df952e80dc9ca98fbff11c2627288808135b51d18fc363a102f3e58eac8b4113 + md5: 31559f43790c54a2494b888051b441a7 + sha256: 0658e77bf9099baf808b2fecd6b0d87f8e236ec7ccf17d0418f1cd9ac674d0ff category: main optional: false - - name: marko - version: 1.3.1 + - name: libarrow-gandiva + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/marko-1.3.1-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + libllvm15: ">=15.0.7,<15.1.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libutf8proc: ">=2.8.0,<3.0a0" + openssl: ">=3.1.4,<4.0a0" + re2: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-gandiva-14.0.1-h2b96968_3_cpu.conda hash: - md5: 9651c1c1c19dbc072c557e3e2da38329 - sha256: 42a84421edb86e09b83aaaa340921b8f2c78daa787305895e886ade6913d8690 + md5: 2356cd3eaa70c7ec2f73b8e061bb4c5f + sha256: 031f324a5845fb7db4b15df6e70b3fa8ab7d83508072838c2801ffea81692d67 category: main optional: false - - name: markupsafe - version: 2.1.3 + - name: libarrow-substrait + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/markupsafe-2.1.3-py311h2725bcf_1.conda + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libarrow-dataset: 14.0.1 + libgcc-ng: ">=12" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libarrow-substrait-14.0.1-h61ff412_3_cpu.conda hash: - md5: 52ee86f482b552e547e2b1d6c01adf55 - sha256: 5a8f8caa89eeba6ea6e9e96d3e7c109b675bc3c6ed4b109b8931757da2411d48 + md5: d7f6d75fd346c05c0c836326b72a8500 + sha256: 6ac78ba3f3fcb5128dc3c0cc907d418f9edd74456b4712c2af843b35fe11585c category: main optional: false - - name: mdurl - version: 0.1.0 + - name: libarrow-substrait + version: 14.0.1 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mdurl-0.1.0-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libarrow-dataset: 14.0.1 + libcxx: ">=15.0.7" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-substrait-14.0.1-h2cc6c1c_3_cpu.conda hash: - md5: f8dab71fdc13b1bf29a01248b156d268 - sha256: c678b9194e025b1fb665bec30ee20aab93399203583875b1dcc0a3b52a8f5523 + md5: eb66f8083a629917f4ecb94351ca1903 + sha256: fc51009762be7f0f5abc1ffed1b413122422a21bc2a309abbdb537a76b939b54 category: main optional: false - - name: mergedeep - version: 1.3.4 + - name: libarrow-substrait + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mergedeep-1.3.4-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libarrow-dataset: 14.0.1 + libcxx: ">=15.0.7" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-substrait-14.0.1-h594d712_3_cpu.conda hash: - md5: 1a160a3cab5cb6bd46264b52cd6f69a2 - sha256: 41ad8c16876820981adfc6e17a62935c950214bd9a9bb092e6aaefdc89a33f0b + md5: 59202c5ba6c585009550a0c84d0aa7c7 + sha256: b080df09fd9444534d10baf9fdafeb1602e230fcd8edb2fc030be2a0e04e0cc9 category: main optional: false - - name: mistune - version: 3.0.2 + - name: libblas + version: 3.9.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/mistune-3.0.2-pyhd8ed1ab_0.conda + libopenblas: ">=0.3.24,<1.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libblas-3.9.0-19_linux64_openblas.conda hash: - md5: 5cbee699846772cc939bef23a0d524ed - sha256: f95cb70007e3cc2ba44e17c29a056b499e6dadf08746706d0c817c8e2f47e05c + md5: 420f4e9be59d0dc9133a0f43f7bab3f3 + sha256: b1311b9414559c5760b08a32e0382ca27fa302c967968aa6f78e042519f728ce category: main optional: false - - name: more-itertools - version: 10.1.0 + - name: libblas + version: 3.9.0 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/more-itertools-10.1.0-pyhd8ed1ab_0.conda + libopenblas: ">=0.3.24,<1.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libblas-3.9.0-19_osx64_openblas.conda hash: - md5: 8549fafed0351bbfaa1ddaa15fdf9b4e - sha256: 07ce65497dec537e490992758934ddbc4fb5ed9285b41387a7cca966f1a98a0f + md5: e932b99c38915fa2ee252cdff6ea1f01 + sha256: c2c96103aa23a65f45b76716df49940cb0722258d3e0416f8fa06ade02464b23 category: main optional: false - - name: msgpack-python - version: 1.0.6 + - name: libblas + version: 3.9.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/msgpack-python-1.0.6-py311h5fe6e05_0.conda + libopenblas: ">=0.3.24,<1.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libblas-3.9.0-19_osxarm64_openblas.conda hash: - md5: 6824682c6f6e412cf20fe71f14035cb0 - sha256: 7e61fa3dc3dc8a063d5df8ef64f5b33e04fb8ef9fd1c07577891cd0e0edfcdb5 + md5: f50b1fd98593278e18319653cff9c475 + sha256: 51e78e3c9fa57f3fec12936b760928715ba0ab5253d02815202f9ec4c2c9255d category: main optional: false - - name: multidict - version: 6.0.4 + - name: libboost-headers + version: 1.82.0 manager: conda - platform: osx-64 - dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/multidict-6.0.4-py311h5547dcb_1.conda + platform: linux-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/linux-64/libboost-headers-1.82.0-ha770c72_6.conda hash: - md5: cb1b7c247fe38eb522cc6690101702b0 - sha256: 3c002c9cc1ddc4344da606d7b75a65e04e707c20ccc3fb0cef5a29b62872d4e9 + md5: a943dcb8fd22cf23ce901ac84f6538c2 + sha256: c996950b85808115ea833e577a0af2969dbb0378c299560c2b945401a7770823 category: main optional: false - - name: multimethod - version: 1.9.1 + - name: libboost-headers + version: 1.82.0 manager: conda platform: osx-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/multimethod-1.9.1-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libboost-headers-1.82.0-h694c41f_6.conda hash: - md5: 48223af3f697ccd9b114adb6a66e0f11 - sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b + md5: 26a7214f82c75126cbd6d6a8e6792b31 + sha256: 84dae029e113178efa697fbbe6ff7aa270974f316fbf208a24242d35295e96a6 category: main optional: false - - name: munch - version: 4.0.0 + - name: libboost-headers + version: 1.82.0 manager: conda - platform: osx-64 - dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libboost-headers-1.82.0-hce30654_6.conda hash: - md5: 376b32e8f9d3eacbd625f37d39bd507d - sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 + md5: ae7c68cf82c23fe6c68f0efa064ef41a + sha256: 19cc7fff73fda78f142a875f06f2467fcbfc5c8c3e0db92b212e425de309a27d category: main optional: false - - name: munkres - version: 1.1.4 + - name: libbrotlicommon + version: 1.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/munkres-1.1.4-pyh9f0ad1d_0.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libbrotlicommon-1.1.0-hd590300_1.conda hash: - md5: 2ba8498c1018c1e9c61eb99b973dfe19 - sha256: f86fb22b58e93d04b6f25e0d811b56797689d598788b59dcb47f59045b568306 + md5: aec6c91c7371c26392a06708a73c70e5 + sha256: 40f29d1fab92c847b083739af86ad2f36d8154008cf99b64194e4705a1725d78 category: main optional: false - - name: mypy_extensions - version: 1.0.0 + - name: libbrotlicommon + version: 1.1.0 manager: conda platform: osx-64 - dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/mypy_extensions-1.0.0-pyha770c72_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libbrotlicommon-1.1.0-h0dc2134_1.conda hash: - md5: 4eccaeba205f0aed9ac3a9ea58568ca3 - sha256: f240217476e148e825420c6bc3a0c0efb08c0718b7042fae960400c02af858a3 + md5: 9e6c31441c9aa24e41ace40d6151aab6 + sha256: f57c57c442ef371982619f82af8735f93a4f50293022cfd1ffaf2ff89c2e0b2a category: main optional: false - - name: nest-asyncio - version: 1.5.8 + - name: libbrotlicommon + version: 1.1.0 manager: conda - platform: osx-64 - dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/nest-asyncio-1.5.8-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libbrotlicommon-1.1.0-hb547adb_1.conda hash: - md5: a4f0e4519bc50eee4f53f689be9607f7 - sha256: d7b795b4e754136841c6da3f9fa1a0f7ec37bc7167e7dd68c5b45e657133e008 + md5: cd68f024df0304be41d29a9088162b02 + sha256: 556f0fddf4bd4d35febab404d98cb6862ce3b7ca843e393da0451bfc4654cf07 category: main optional: false - - name: networkx - version: 3.2.1 + - name: libbrotlidec + version: 1.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.9" - url: https://conda.anaconda.org/conda-forge/noarch/networkx-3.2.1-pyhd8ed1ab_0.conda + libbrotlicommon: 1.1.0 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libbrotlidec-1.1.0-hd590300_1.conda hash: - md5: 425fce3b531bed6ec3c74fab3e5f0a1c - sha256: 7629aa4f9f8cdff45ea7a4701fe58dccce5bf2faa01c26eb44cbb27b7e15ca9d + md5: f07002e225d7a60a694d42a7bf5ff53f + sha256: 86fc861246fbe5ad85c1b6b3882aaffc89590a48b42d794d3d5c8e6d99e5f926 category: main optional: false - - name: packaging - version: "23.2" + - name: libbrotlidec + version: 1.1.0 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/packaging-23.2-pyhd8ed1ab_0.conda + libbrotlicommon: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-64/libbrotlidec-1.1.0-h0dc2134_1.conda hash: - md5: 79002079284aa895f883c6b7f3f88fd6 - sha256: 69b3ace6cca2dab9047b2c24926077d81d236bef45329d264b394001e3c3e52f + md5: 9ee0bab91b2ca579e10353738be36063 + sha256: b11939c4c93c29448660ab5f63273216969d1f2f315dd9be60f3c43c4e61a50c category: main optional: false - - name: pandocfilters - version: 1.5.0 + - name: libbrotlidec + version: 1.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "!=3.0,!=3.1,!=3.2,!=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/pandocfilters-1.5.0-pyhd8ed1ab_0.tar.bz2 + libbrotlicommon: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/libbrotlidec-1.1.0-hb547adb_1.conda hash: - md5: 457c2c8c08e54905d6954e79cb5b5db9 - sha256: 2bb9ba9857f4774b85900c2562f7e711d08dd48e2add9bee4e1612fbee27e16f + md5: ee1a519335cc10d0ec7e097602058c0a + sha256: c1c85937828ad3bc434ac60b7bcbde376f4d2ea4ee42d15d369bf2a591775b4a category: main optional: false - - name: parso - version: 0.8.3 + - name: libbrotlienc + version: 1.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/parso-0.8.3-pyhd8ed1ab_0.tar.bz2 + libbrotlicommon: 1.1.0 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libbrotlienc-1.1.0-hd590300_1.conda hash: - md5: 17a565a0c3899244e938cdf417e7b094 - sha256: 4e26d5daf5de0e31aa5e74ac56386a361b202433b83f024fdadbf07d4a244da4 + md5: 5fc11c6020d421960607d821310fcd4d + sha256: f751b8b1c4754a2a8dfdc3b4040fa7818f35bbf6b10e905a47d3a194b746b071 category: main optional: false - - name: pastel - version: 0.2.1 + - name: libbrotlienc + version: 1.1.0 manager: conda platform: osx-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pastel-0.2.1-pyhd8ed1ab_0.tar.bz2 + libbrotlicommon: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-64/libbrotlienc-1.1.0-h0dc2134_1.conda hash: - md5: a4eea5bff523f26442405bc5d1f52adb - sha256: 9153f0f38c76a09da7688a61fdbf8f3d7504e2326bef53e4ec20d994311b15bd + md5: 8a421fe09c6187f0eb5e2338a8a8be6d + sha256: bc964c23e1a60ca1afe7bac38a9c1f2af3db4a8072c9f2eac4e4de537a844ac7 category: main optional: false - - name: pathspec - version: 0.11.2 + - name: libbrotlienc + version: 1.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pathspec-0.11.2-pyhd8ed1ab_0.conda + libbrotlicommon: 1.1.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/libbrotlienc-1.1.0-hb547adb_1.conda hash: - md5: e41debb259e68490e3ab81e46b639ab6 - sha256: 7bcfa6d86359d45572ba9ccaeaedc04b0452e2654fe44b6fe378d0d37b8745e1 + md5: d7e077f326a98b2cc60087eaff7c730b + sha256: 690dfc98e891ee1871c54166d30f6e22edfc2d7d6b29e7988dde5f1ce271c81a category: main optional: false - - name: petl - version: 1.7.14 + - name: libcblas + version: 3.9.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/petl-1.7.14-pyhd8ed1ab_0.conda + libblas: 3.9.0 + url: https://conda.anaconda.org/conda-forge/linux-64/libcblas-3.9.0-19_linux64_openblas.conda hash: - md5: 65813db01f2331768d909c0852ff5d70 - sha256: f802a980b04ea3355831be31c4b94421040ec95902e203ea08c2e3fc0a1f4286 + md5: d12374af44575413fbbd4a217d46ea33 + sha256: 84fddccaf58f42b07af7fb42512bd617efcb072f17bdef27f4c1884dbd33c86a category: main optional: false - - name: pickleshare - version: 0.7.5 + - name: libcblas + version: 3.9.0 manager: conda platform: osx-64 dependencies: - python: ">=3" - url: https://conda.anaconda.org/conda-forge/noarch/pickleshare-0.7.5-py_1003.tar.bz2 + libblas: 3.9.0 + url: https://conda.anaconda.org/conda-forge/osx-64/libcblas-3.9.0-19_osx64_openblas.conda hash: - md5: 415f0ebb6198cc2801c73438a9fb5761 - sha256: a1ed1a094dd0d1b94a09ed85c283a0eb28943f2e6f22161fb45e128d35229738 + md5: 40e412c219ad8cf87ba664466071bcf6 + sha256: 70afde49736007bbb804d126a3983ba1fa04383006aae416a2971d538e274427 category: main optional: false - - name: pillow - version: 10.1.0 + - name: libcblas + version: 3.9.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - freetype: ">=2.12.1,<3.0a0" - lcms2: ">=2.15,<3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libxcb: ">=1.15,<1.16.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openjpeg: ">=2.5.0,<3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - tk: ">=8.6.13,<8.7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/pillow-10.1.0-py311hea5c87a_0.conda + libblas: 3.9.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/libcblas-3.9.0-19_osxarm64_openblas.conda hash: - md5: ffff517d90b21a5d44ef907a5a01f695 - sha256: 44bb951ae60cc96ab9273592ede9ee94a422857e857e52c55c261ad5f1525686 + md5: 5460a8d1beffd7f63994d891e6a20da4 + sha256: 19b1c5e3ddd383ec14540336f4704938218d3c1db4707ae10d5357afb22cccc1 category: main optional: false - - name: pkginfo - version: 1.9.6 + - name: libcrc32c + version: 1.1.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pkginfo-1.9.6-pyhd8ed1ab_0.conda + libgcc-ng: ">=9.4.0" + libstdcxx-ng: ">=9.4.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libcrc32c-1.1.2-h9c3ff4c_0.tar.bz2 hash: - md5: be1e9f1c65a1ed0f2ae9352fec99db64 - sha256: 7ea5a5af62a15376d9f4f9f3c134874d0b0710f39be719e849b7fa9ca8870502 + md5: c965a5aa0d5c1c37ffc62dff36e28400 + sha256: fd1d153962764433fe6233f34a72cdeed5dcf8a883a85769e8295ce940b5b0c5 category: main optional: false - - name: pkgutil-resolve-name - version: 1.3.10 + - name: libcrc32c + version: 1.1.2 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pkgutil-resolve-name-1.3.10-pyhd8ed1ab_1.conda + libcxx: ">=11.1.0" + url: https://conda.anaconda.org/conda-forge/osx-64/libcrc32c-1.1.2-he49afe7_0.tar.bz2 hash: - md5: 405678b942f2481cecdb3e010f4925d9 - sha256: fecf95377134b0e8944762d92ecf7b0149c07d8186fb5db583125a2705c7ea0a + md5: 23d6d5a69918a438355d7cbc4c3d54c9 + sha256: 3043869ac1ee84554f177695e92f2f3c2c507b260edad38a0bf3981fce1632ff category: main optional: false - - name: pluggy - version: 1.3.0 + - name: libcrc32c + version: 1.1.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pluggy-1.3.0-pyhd8ed1ab_0.conda + libcxx: ">=11.1.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libcrc32c-1.1.2-hbdafb3b_0.tar.bz2 hash: - md5: 2390bd10bed1f3fdc7a537fb5a447d8d - sha256: 7bf2ad9d747e71f1e93d0863c2c8061dd0f2fe1e582f28d292abfb40264a2eb5 + md5: 32bd82a6a625ea6ce090a81c3d34edeb + sha256: 58477b67cc719060b5b069ba57161e20ba69b8695d154a719cb4b60caf577929 category: main optional: false - - name: prometheus_client - version: 0.18.0 + - name: libcurl + version: 8.4.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/prometheus_client-0.18.0-pyhd8ed1ab_1.conda + krb5: ">=1.21.2,<1.22.0a0" + libgcc-ng: ">=12" + libnghttp2: ">=1.52.0,<2.0a0" + libssh2: ">=1.11.0,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.3,<4.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libcurl-8.4.0-hca28451_0.conda hash: - md5: 46f6be657443caffcc7201d51c07aadf - sha256: dca35462761fe9a06f348a0e6216a7a5934e3e29c33bc8e173fb344116568a95 + md5: 1158ac1d2613b28685644931f11ee807 + sha256: 25f4b6a8827d7b17a66e0bd9b5d194bf9a9e4a46fb14e2ef472fdad4b39426a6 category: main optional: false - - name: psutil - version: 5.9.5 + - name: libcurl + version: 8.4.0 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/psutil-5.9.5-py311h2725bcf_1.conda + krb5: ">=1.21.2,<1.22.0a0" + libnghttp2: ">=1.52.0,<2.0a0" + libssh2: ">=1.11.0,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.3,<4.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libcurl-8.4.0-h726d00d_0.conda hash: - md5: 16221cd0488a32152a6b3f1a301ccf19 - sha256: 2eee900e0e5a103cff0159cdd81d401b67ccfb919be6cd868fc34c22dab981f1 + md5: 2c17b4dedf0039736951471f493353bd + sha256: cd3400ecb42fc420acb18e2d836535c44ebd501ebeb4e0bf3830776e9b4ca650 category: main optional: false - - name: ptyprocess - version: 0.7.0 + - name: libcurl + version: 8.4.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/ptyprocess-0.7.0-pyhd3deb0d_0.tar.bz2 + krb5: ">=1.21.2,<1.22.0a0" + libnghttp2: ">=1.52.0,<2.0a0" + libssh2: ">=1.11.0,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.3,<4.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libcurl-8.4.0-h2d989ff_0.conda hash: - md5: 359eeb6536da0e687af562ed265ec263 - sha256: fb31e006a25eb2e18f3440eb8d17be44c8ccfae559499199f73584566d0a444a + md5: afabb3372209028627ec03e206f4d967 + sha256: 5ca24ab030b1c56ce07921bf901ea99076e8b7e45586b4a04e5187cc67c87273 category: main optional: false - - name: pure_eval - version: 0.2.2 + - name: libcxx + version: 16.0.6 manager: conda platform: osx-64 - dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/pure_eval-0.2.2-pyhd8ed1ab_0.tar.bz2 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libcxx-16.0.6-hd57cbcb_0.conda hash: - md5: 6784285c7e55cb7212efabc79e4c2883 - sha256: 72792f9fc2b1820e37cc57f84a27bc819c71088c3002ca6db05a2e56404f9d44 + md5: 7d6972792161077908b62971802f289a + sha256: 9063271847cf05f3a6cc6cae3e7f0ced032ab5f3a3c9d3f943f876f39c5c2549 category: main optional: false - - name: pyasn1 - version: 0.5.0 + - name: libcxx + version: 16.0.6 manager: conda - platform: osx-64 - dependencies: - python: "!=3.0,!=3.1,!=3.2,!=3.3,!=3.4,!=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-0.5.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libcxx-16.0.6-h4653b0c_0.conda hash: - md5: 4b1c0db24e212190be1969b0aa490ad8 - sha256: 259b1107ae7d6983a8fdebe1717b67005fdf5328e827f33d38a9df43dee5ef82 + md5: 9d7d724faf0413bf1dbc5a85935700c8 + sha256: 11d3fb51c14832d9e4f6d84080a375dec21ea8a3a381a1910e67ff9cedc20355 category: main optional: false - - name: pycparser - version: "2.21" + - name: libdeflate + version: "1.19" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: 2.7.*|>=3.4 - url: https://conda.anaconda.org/conda-forge/noarch/pycparser-2.21-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libdeflate-1.19-hd590300_0.conda hash: - md5: 076becd9e05608f8dc72757d5f3a91ff - sha256: 74c63fd03f1f1ea2b54e8bc529fd1a600aaafb24027b738d0db87909ee3a33dc + md5: 1635570038840ee3f9c71d22aa5b8b6d + sha256: 985ad27aa0ba7aad82afa88a8ede6a1aacb0aaca950d710f15d85360451e72fd category: main optional: false - - name: pygments - version: 2.16.1 + - name: libdeflate + version: "1.19" manager: conda platform: osx-64 - dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pygments-2.16.1-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libdeflate-1.19-ha4e1b8e_0.conda hash: - md5: 40e5cb18165466773619e5c963f00a7b - sha256: 3f0f0fadc6084960ec8cc00a32a03529c562ffea3b527eb73b1653183daad389 + md5: 6a45f543c2beb40023df5ee7e3cedfbd + sha256: d0f789120fedd0881b129aba9993ec5dcf0ecca67a71ea20c74394e41adcb503 category: main optional: false - - name: pyjwt - version: 2.8.0 + - name: libdeflate + version: "1.19" manager: conda - platform: osx-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyjwt-2.8.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libdeflate-1.19-hb547adb_0.conda hash: - md5: 912c0194f898fdb783021fd25f913c31 - sha256: 88ac94c42ade15113397e30d1831dd341399b5262fb5330b9240f915c33cd232 + md5: f8c1eb0e99e90b55965c6558578537cc + sha256: 6a3d188a6ae845a742dc85c5fb3f7eb1e252726cd74f0b8a7fa25ec09db6b87a category: main optional: false - - name: pylev - version: 1.4.0 + - name: libedit + version: 3.1.20191231 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/pylev-1.4.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=7.5.0" + ncurses: ">=6.2,<7.0.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libedit-3.1.20191231-he28a2e2_2.tar.bz2 hash: - md5: edf8651c4379d9d1495ad6229622d150 - sha256: 50bd91767686bfe769e50a5a1b883e238d944a6163fea43e7c0beaac54ca674f + md5: 4d331e44109e3f0e19b4cb8f9b82f3e1 + sha256: a57d37c236d8f7c886e01656f4949d9dcca131d2a0728609c6f7fa338b65f1cf category: main optional: false - - name: pyparsing - version: 3.1.1 + - name: libedit + version: 3.1.20191231 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyparsing-3.1.1-pyhd8ed1ab_0.conda + ncurses: ">=6.2,<7.0.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libedit-3.1.20191231-h0678c8f_2.tar.bz2 hash: - md5: 176f7d56f0cfe9008bdf1bccd7de02fb - sha256: 4a1332d634b6c2501a973655d68f08c9c42c0bd509c349239127b10572b8354b + md5: 6016a8a1d0e63cac3de2c352cd40208b + sha256: dbd3c3f2eca1d21c52e4c03b21930bbce414c4592f8ce805801575b9e9256095 category: main optional: false - - name: pysocks - version: 1.7.1 + - name: libedit + version: 3.1.20191231 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pysocks-1.7.1-pyha2e5f31_6.tar.bz2 + ncurses: ">=6.2,<7.0.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libedit-3.1.20191231-hc8eb9b7_2.tar.bz2 hash: - md5: 2a7de29fb590ca14b5243c4c812c8025 - sha256: a42f826e958a8d22e65b3394f437af7332610e43ee313393d1cf143f0a2d274b + md5: 30e4362988a2623e9eb34337b83e01f9 + sha256: 3912636197933ecfe4692634119e8644904b41a58f30cad9d1fc02f6ba4d9fca category: main optional: false - - name: python-dotenv - version: 1.0.0 + - name: libev + version: "4.33" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/python-dotenv-1.0.0-pyhd8ed1ab_1.conda + libgcc-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libev-4.33-h516909a_1.tar.bz2 hash: - md5: 111e7f9edd31865e2659fa9aad8ec8fd - sha256: bc5663f224ff6d8a399ec6bd8517e0c0f87a69ead438f82e5ce5c30f00077586 + md5: 6f8720dff19e17ce5d48cfe7f3d2f0a3 + sha256: 8c9635aa0ea28922877dc96358f9547f6a55fc7e2eb75a556b05f1725496baf9 category: main optional: false - - name: python-fastjsonschema - version: 2.19.0 + - name: libev + version: "4.33" manager: conda platform: osx-64 - dependencies: - python: ">=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/python-fastjsonschema-2.19.0-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libev-4.33-haf1e3a3_1.tar.bz2 hash: - md5: e4dbdb3585c0266b4710467fe7b75cf4 - sha256: fdfe3f387c5ebde803605e1e90871c424519d2bfe2eb3bf9caad1c5a07f4c462 + md5: 79dc2be110b2a3d1e97ec21f691c50ad + sha256: c4154d424431898d84d6afb8b32e3ba749fe5d270d322bb0af74571a3cb09c6b category: main optional: false - - name: python-json-logger - version: 2.0.7 + - name: libev + version: "4.33" manager: conda - platform: osx-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-json-logger-2.0.7-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libev-4.33-h642e427_1.tar.bz2 hash: - md5: a61bf9ec79426938ff785eb69dbb1960 - sha256: 4790787fe1f4e8da616edca4acf6a4f8ed4e7c6967aa31b920208fc8f95efcca + md5: 566dbf70fe79eacdb3c3d3d195a27f55 + sha256: eb7325eb2e6bd4c291cb9682781b35b8c0f68cb72651c35a5b9dd22707ebd25c category: main optional: false - - name: python-multipart - version: 0.0.6 + - name: libevent + version: 2.1.12 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/python-multipart-0.0.6-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + openssl: ">=3.1.1,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libevent-2.1.12-hf998b51_1.conda hash: - md5: f4f642eeda814c1b65f46fbdf7e89096 - sha256: 2a9b8d02a6ec9862433cfc2741c4cbfe321e4ae3bab066f7ed84bc00effb73d7 + md5: a1cfcc585f0c42bf8d5546bb1dfb668d + sha256: 2e14399d81fb348e9d231a82ca4d816bf855206923759b69ad006ba482764131 category: main optional: false - - name: python-tzdata - version: "2023.3" + - name: libevent + version: 2.1.12 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-tzdata-2023.3-pyhd8ed1ab_0.conda + openssl: ">=3.1.1,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libevent-2.1.12-ha90c15b_1.conda hash: - md5: 2590495f608a63625e165915fb4e2e34 - sha256: 0108888507014fb24573c31e4deceb61c99e63d37776dddcadd7c89b2ecae0b6 + md5: e38e467e577bd193a7d5de7c2c540b04 + sha256: e0bd9af2a29f8dd74309c0ae4f17a7c2b8c4b89f875ff1d6540c941eefbd07fb category: main optional: false - - name: pytz - version: 2023.3.post1 + - name: libevent + version: 2.1.12 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pytz-2023.3.post1-pyhd8ed1ab_0.conda + openssl: ">=3.1.1,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libevent-2.1.12-h2757513_1.conda hash: - md5: c93346b446cd08c169d843ae5fc0da97 - sha256: 6b680e63d69aaf087cd43ca765a23838723ef59b0a328799e6363eb13f52c49e + md5: 1a109764bff3bdc7bdd84088347d71dc + sha256: 8c136d7586259bb5c0d2b913aaadc5b9737787ae4f40e3ad1beaf96c80b919b7 category: main optional: false - - name: pytzdata - version: "2020.1" + - name: libexpat + version: 2.5.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/pytzdata-2020.1-pyh9f0ad1d_0.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libexpat-2.5.0-hcb278e6_1.conda hash: - md5: 7dd824593f3a861130ac17c6571546e2 - sha256: e7e628c1247b096e3af147b1c32d5ac328266fa95656e27b79f71bb410251356 + md5: 6305a3dd2752c76335295da4e581f2fd + sha256: 74c98a563777ae2ad71f1f74d458a8ab043cee4a513467c159ccf159d0e461f3 category: main optional: false - - name: pywin32-on-windows - version: 0.1.0 + - name: libexpat + version: 2.5.0 manager: conda platform: osx-64 - dependencies: - __unix: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pywin32-on-windows-0.1.0-pyh1179c8e_3.tar.bz2 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libexpat-2.5.0-hf0c8a7f_1.conda hash: - md5: 2807a0becd1d986fe1ef9b7f8135f215 - sha256: 6502696aaef571913b22a808b15c185bd8ea4aabb952685deb29e6a6765761cb + md5: 6c81cb022780ee33435cca0127dd43c9 + sha256: 80024bd9f44d096c4cc07fb2bac76b5f1f7553390112dab3ad6acb16a05f0b96 category: main optional: false - - name: pyxlsb - version: 1.0.10 + - name: libexpat + version: 2.5.0 manager: conda - platform: osx-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyxlsb-1.0.10-pyhd8ed1ab_0.tar.bz2 + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libexpat-2.5.0-hb7217d7_1.conda hash: - md5: 0c14e44bc93a99cdc11398311c3c0dcf - sha256: 7e6e7064ad976ba6d38e7cf5a893c93a47025d4074b888e8db31386a914935fb + md5: 5a097ad3d17e42c148c9566280481317 + sha256: 7d143a9c991579ad4207f84c632650a571c66329090daa32b3c87cf7311c3381 category: main optional: false - - name: pyyaml - version: 6.0.1 + - name: libffi + version: 3.4.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - yaml: ">=0.2.5,<0.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/pyyaml-6.0.1-py311h2725bcf_1.conda + libgcc-ng: ">=9.4.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libffi-3.4.2-h7f98852_5.tar.bz2 hash: - md5: 9283f991b5e5856a99f8aabba9927df5 - sha256: 8ce2ba443414170a2570514d0ce6d03625a847e91af9763d48dc58c338e6f7f3 + md5: d645c6d2ac96843a2bfaccd2d62b3ac3 + sha256: ab6e9856c21709b7b517e940ae7028ae0737546122f83c2aa5d692860c3b149e category: main optional: false - - name: pyzmq - version: 25.1.1 + - name: libffi + version: 3.4.2 manager: conda platform: osx-64 - dependencies: - libsodium: ">=1.0.18,<1.0.19.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - zeromq: ">=4.3.5,<4.4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/pyzmq-25.1.1-py311he3804a1_2.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libffi-3.4.2-h0d85af4_5.tar.bz2 hash: - md5: 9b1ea037c51fcdb06bd2d95804270860 - sha256: 7a9af16e04752c50675ca99ab06888aaf8305efb5d292f62f7268ad911c967f4 + md5: ccb34fb14960ad8b125962d3d79b31a9 + sha256: 7a2d27a936ceee6942ea4d397f9c7d136f12549d86f7617e8b6bad51e01a941f category: main optional: false - - name: regex - version: 2023.10.3 + - name: libffi + version: 3.4.2 manager: conda - platform: osx-64 - dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/regex-2023.10.3-py311h2725bcf_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libffi-3.4.2-h3422bc3_5.tar.bz2 hash: - md5: df03957834e3b3a0d7aa8abc3d4268f9 - sha256: 27cdb63cda3f69400b643cfa6207092089818c4ed616016fe0b93347357a4fea + md5: 086914b672be056eb70fd4285b6783b6 + sha256: 41b3d13efb775e340e4dba549ab5c029611ea6918703096b2eaa9c015c0750ca category: main optional: false - - name: rfc3986 - version: 2.0.0 + - name: libgcc-ng + version: 13.2.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-2.0.0-pyhd8ed1ab_0.tar.bz2 + _libgcc_mutex: "0.1" + _openmp_mutex: ">=4.5" + url: https://conda.anaconda.org/conda-forge/linux-64/libgcc-ng-13.2.0-h807b86a_3.conda hash: - md5: d337886e38f965bf97aaec382ff6db00 - sha256: dd6bfb7c4248ba7612f2e6e4a066d6804ba96dfcaeddf43475a2c846ccfcc396 + md5: 23fdf1fef05baeb7eadc2aed5fb0011f + sha256: 5e88f658e07a30ab41b154b42c59f079b168acfa9551a75bdc972099453f4105 category: main optional: false - - name: rfc3986-validator - version: 0.1.1 + - name: libgd + version: 2.3.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-validator-0.1.1-pyh9f0ad1d_0.tar.bz2 + expat: "" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + icu: ">=73.2,<74.0a0" + libexpat: ">=2.5.0,<3.0a0" + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp: "" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/libgd-2.3.3-h119a65a_9.conda hash: - md5: 912a71cc01012ee38e6b90ddd561e36f - sha256: 2a5b495a1de0f60f24d8a74578ebc23b24aa53279b1ad583755f223097c41c37 - category: main - optional: false - - name: rpds-py - version: 0.13.0 + md5: cfebc557e54905dadc355c0e9f003004 + sha256: b74f95a6e1f3b31a74741b39cba83ed99fc82d17243c0fd3b5ab16ddd48ab89d + category: dev + optional: true + - name: libgd + version: 2.3.3 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/rpds-py-0.13.0-py311h5e0f0e4_0.conda + expat: "" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + icu: ">=73.2,<74.0a0" + libexpat: ">=2.5.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp: "" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/libgd-2.3.3-h0dceb68_9.conda hash: - md5: 756946b85906adc3f1cc3b72705c311b - sha256: 7949d24240aa997507056baad89ea57f6d41d6704499fbd3739934ad906478d0 - category: main - optional: false - - name: rtree - version: 1.1.0 + md5: 1feb43971521d430bf826f8398598c5b + sha256: 4ed8546ff3356fc42f0e155446a060b14ee4aa96802e2da586532861deb3b917 + category: dev + optional: true + - name: libgd + version: 2.3.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libspatialindex: ">=1.9.3,<1.9.4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/rtree-1.1.0-py311hbc1f44b_0.conda + expat: "" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + icu: ">=73.2,<74.0a0" + libexpat: ">=2.5.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp: "" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgd-2.3.3-hfdf3952_9.conda hash: - md5: 4cf922188989b372f053537cea29a5ec - sha256: 7421188ce73f9c1cfe4ba8d476570f04994c42e7a33a4ffa52dcd325f58d577c - category: main - optional: false - - name: ruamel.yaml.clib - version: 0.2.7 + md5: 0d847466f115fbdaaf2b6926f2e33278 + sha256: cfdecfaa27807abc2728bd8c60b923ce1b44020553e122e9a56fc3acb77acaec + category: dev + optional: true + - name: libgdal + version: 3.8.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/ruamel.yaml.clib-0.2.7-py311h2725bcf_2.conda + __glibc: ">=2.17,<3.0.a0" + blosc: ">=1.21.5,<2.0a0" + cfitsio: ">=4.3.0,<4.3.1.0a0" + freexl: ">=2.0.0,<3.0a0" + geos: ">=3.12.0,<3.12.1.0a0" + geotiff: ">=1.7.1,<1.8.0a0" + giflib: ">=5.2.1,<5.3.0a0" + hdf4: ">=4.2.15,<4.2.16.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" + json-c: ">=0.17,<0.18.0a0" + kealib: ">=1.5.2,<1.6.0a0" + lerc: ">=4.0.0,<5.0a0" + libaec: ">=1.1.2,<2.0a0" + libarchive: ">=3.7.2,<3.8.0a0" + libcurl: ">=8.4.0,<9.0a0" + libdeflate: ">=1.19,<1.20.0a0" + libexpat: ">=2.5.0,<3.0a0" + libgcc-ng: ">=12" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libkml: ">=1.3.0,<1.4.0a0" + libnetcdf: ">=4.9.2,<4.9.3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libpq: ">=16.1,<17.0a0" + libspatialite: ">=5.1.0,<5.2.0a0" + libsqlite: ">=3.44.0,<4.0a0" + libstdcxx-ng: ">=12" + libtiff: ">=4.6.0,<4.7.0a0" + libuuid: ">=2.38.1,<3.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libxml2: ">=2.11.6,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + openjpeg: ">=2.5.0,<3.0a0" + openssl: ">=3.1.4,<4.0a0" + pcre2: ">=10.42,<10.43.0a0" + poppler: ">=23.11.0,<23.12.0a0" + postgresql: "" + proj: ">=9.3.0,<9.3.1.0a0" + tiledb: ">=2.16,<2.17.0a0" + xerces-c: ">=3.2.4,<3.3.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libgdal-3.8.0-h12dd931_5.conda hash: - md5: cd953388469a8890dda83779d6ef6ffd - sha256: b529c2caf941ac1050d160f0b9c53202d634954dd7cc7f1469731e1bb6f2cccc + md5: 4122ae0934ffd785a9c35143d79f07d8 + sha256: de5fb44c09b86f9ccd4c84156f0b89aca67f06d7bfdf577b80ab16eb864f8d04 category: main optional: false - - name: ruff - version: 0.1.6 + - name: libgdal + version: 3.8.0 manager: conda platform: osx-64 dependencies: __osx: ">=10.9" + blosc: ">=1.21.5,<2.0a0" + cfitsio: ">=4.3.0,<4.3.1.0a0" + freexl: ">=2.0.0,<3.0a0" + geos: ">=3.12.0,<3.12.1.0a0" + geotiff: ">=1.7.1,<1.8.0a0" + giflib: ">=5.2.1,<5.3.0a0" + hdf4: ">=4.2.15,<4.2.16.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" + json-c: ">=0.17,<0.18.0a0" + kealib: ">=1.5.2,<1.6.0a0" + lerc: ">=4.0.0,<5.0a0" + libaec: ">=1.1.2,<2.0a0" + libarchive: ">=3.7.2,<3.8.0a0" + libcurl: ">=8.4.0,<9.0a0" libcxx: ">=16.0.6" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/ruff-0.1.6-py311hec6fdf1_0.conda + libdeflate: ">=1.19,<1.20.0a0" + libexpat: ">=2.5.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libkml: ">=1.3.0,<1.4.0a0" + libnetcdf: ">=4.9.2,<4.9.3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libpq: ">=16.1,<17.0a0" + libspatialite: ">=5.1.0,<5.2.0a0" + libsqlite: ">=3.44.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libxml2: ">=2.11.6,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + openjpeg: ">=2.5.0,<3.0a0" + openssl: ">=3.1.4,<4.0a0" + pcre2: ">=10.42,<10.43.0a0" + poppler: ">=23.11.0,<23.12.0a0" + postgresql: "" + proj: ">=9.3.0,<9.3.1.0a0" + tiledb: ">=2.16,<2.17.0a0" + xerces-c: ">=3.2.4,<3.3.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libgdal-3.8.0-h1c9f6b2_5.conda hash: - md5: f0fa30260ad0ac05ef120b758c68d7ba - sha256: 2587bd6a04c6a1178b63438de97c091bcfca15f9bb5ea0d6a1f109a66187e33e + md5: e6f10a2f1ae81e6c5dc33df60313a9ad + sha256: 8ae553c28f3b5a411ca62d8e52c8ce0ffb6c722478c1441ac093fc6382499056 category: main optional: false - - name: setuptools - version: 68.2.2 + - name: libgdal + version: 3.8.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/setuptools-68.2.2-pyhd8ed1ab_0.conda + __osx: ">=10.9" + blosc: ">=1.21.5,<2.0a0" + cfitsio: ">=4.3.0,<4.3.1.0a0" + freexl: ">=2.0.0,<3.0a0" + geos: ">=3.12.0,<3.12.1.0a0" + geotiff: ">=1.7.1,<1.8.0a0" + giflib: ">=5.2.1,<5.3.0a0" + hdf4: ">=4.2.15,<4.2.16.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" + json-c: ">=0.17,<0.18.0a0" + kealib: ">=1.5.2,<1.6.0a0" + lerc: ">=4.0.0,<5.0a0" + libaec: ">=1.1.2,<2.0a0" + libarchive: ">=3.7.2,<3.8.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" + libdeflate: ">=1.19,<1.20.0a0" + libexpat: ">=2.5.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libkml: ">=1.3.0,<1.4.0a0" + libnetcdf: ">=4.9.2,<4.9.3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libpq: ">=16.1,<17.0a0" + libspatialite: ">=5.1.0,<5.2.0a0" + libsqlite: ">=3.44.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libxml2: ">=2.11.6,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + openjpeg: ">=2.5.0,<3.0a0" + openssl: ">=3.1.4,<4.0a0" + pcre2: ">=10.42,<10.43.0a0" + poppler: ">=23.11.0,<23.12.0a0" + postgresql: "" + proj: ">=9.3.0,<9.3.1.0a0" + tiledb: ">=2.16,<2.17.0a0" + xerces-c: ">=3.2.4,<3.3.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgdal-3.8.0-h751e6a0_5.conda hash: - md5: fc2166155db840c634a1291a5c35a709 - sha256: 851901b1f8f2049edb36a675f0c3f9a98e1495ef4eb214761b048c6f696a06f7 + md5: ccaed3dd047dd3530aa2dfe678a574af + sha256: 8d3ab5ff43c7223faa51a52269ce1552060e6ea3bff75160413d437d82bf1b22 category: main optional: false - - name: shellingham - version: 1.5.4 + - name: libgfortran + version: 5.0.0 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/shellingham-1.5.4-pyhd8ed1ab_0.conda + libgfortran5: 13.2.0 + url: https://conda.anaconda.org/conda-forge/osx-64/libgfortran-5.0.0-13_2_0_h97931a8_1.conda hash: - md5: d08db09a552699ee9e7eec56b4eb3899 - sha256: 3c49a0a101c41b7cf6ac05a1872d7a1f91f1b6d02eecb4a36b605a19517862bb + md5: b55fd11ab6318a6e67ac191309701d5a + sha256: 5be1a59316e5063f4e6492ea86d692600a7b8e32caa25269f8a3b386a028e5f3 category: main optional: false - - name: simpleeval - version: 0.9.13 + - name: libgfortran + version: 5.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=2.5,!=3.0.*,!=3.1.*,!=3.2.*" - url: https://conda.anaconda.org/conda-forge/noarch/simpleeval-0.9.13-pyhd8ed1ab_1.conda + libgfortran5: 13.2.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgfortran-5.0.0-13_2_0_hd922786_1.conda hash: - md5: b3282d9b9e4a7c42d6c570492316dcaa - sha256: 5c9c537011327fc281c3c108020f1ad2a40284df0e1625a87825c0699d98f67f + md5: 1ad37a5c60c250bb2b4a9f75563e181c + sha256: bc8750e7893e693fa380bf2f342d4a5ce44995467cbdf72e56a00e5106b4892d category: main optional: false - - name: six - version: 1.16.0 + - name: libgfortran-ng + version: 13.2.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/six-1.16.0-pyh6c4a22f_0.tar.bz2 + libgfortran5: 13.2.0 + url: https://conda.anaconda.org/conda-forge/linux-64/libgfortran-ng-13.2.0-h69a702a_3.conda hash: - md5: e5f25f8dbc060e9a8d912e432202afc2 - sha256: a85c38227b446f42c5b90d9b642f2c0567880c15d72492d8da074a59c8f91dd6 + md5: 73031c79546ad06f1fe62e57fdd021bc + sha256: 5b918950b84605b6865de438757f507b1eff73c96fd562f7022c80028b088c14 category: main optional: false - - name: smmap - version: 5.0.0 + - name: libgfortran5 + version: 13.2.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/smmap-5.0.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=13.2.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libgfortran5-13.2.0-ha4646dd_3.conda hash: - md5: 62f26a3d1387acee31322208f0cfa3e0 - sha256: 23011cb3e064525bdb8787c75126a2e78d2344a72cd6773922006d1da1f2af16 + md5: c714d905cdfa0e70200f68b80cc04764 + sha256: 0084a1d29a4f8ee3b8edad80eb6c42e5f0480f054f28cf713fb314bebb347a50 category: main optional: false - - name: sniffio - version: 1.3.0 + - name: libgfortran5 + version: 13.2.0 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/sniffio-1.3.0-pyhd8ed1ab_0.tar.bz2 + llvm-openmp: ">=8.0.0" + url: https://conda.anaconda.org/conda-forge/osx-64/libgfortran5-13.2.0-h2873a65_1.conda hash: - md5: dd6cbc539e74cb1f430efbd4575b9303 - sha256: a3fd30754c20ddb28b777db38345ea00d958f46701f0decd6291a81c0f4eee78 + md5: 3af564516b5163cd8cc08820413854bc + sha256: 44de8930eef3b14d4d9fdfe419e6c909c13b7c859617d3616d5a5e964f3fcf63 category: main optional: false - - name: snowballstemmer - version: 2.2.0 + - name: libgfortran5 + version: 13.2.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=2" - url: https://conda.anaconda.org/conda-forge/noarch/snowballstemmer-2.2.0-pyhd8ed1ab_0.tar.bz2 + llvm-openmp: ">=8.0.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgfortran5-13.2.0-hf226fd6_1.conda hash: - md5: 4d22a9315e78c6827f806065957d566e - sha256: a0fd916633252d99efb6223b1050202841fa8d2d53dacca564b0ed77249d3228 + md5: 4480d71b98c87faafab132d33e23135e + sha256: cb9cb11e49a6a8466ea7556a723080d3aeefd556df9b444b941afc5b54368b22 category: main optional: false - - name: sortedcontainers - version: 2.4.0 + - name: libglib + version: 2.78.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/sortedcontainers-2.4.0-pyhd8ed1ab_0.tar.bz2 + gettext: ">=0.21.1,<1.0a0" + libffi: ">=3.4,<4.0a0" + libgcc-ng: ">=12" + libiconv: ">=1.17,<2.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + pcre2: ">=10.42,<10.43.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libglib-2.78.1-h783c2da_1.conda hash: - md5: 6d6552722448103793743dabfbda532d - sha256: 0cea408397d50c2afb2d25e987ebac4546ae11e549d65b1403d80dc368dfaaa6 + md5: 70052d6c1e84643e30ffefb21ab6950f + sha256: 4e6fa28002f834cfc30a64792e95c1701d835cc3d3a4bb18d6e8d16bb8aba05b category: main optional: false - - name: soupsieve - version: "2.5" + - name: libglib + version: 2.78.1 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/soupsieve-2.5-pyhd8ed1ab_1.conda + __osx: ">=10.9" + gettext: ">=0.21.1,<1.0a0" + libcxx: ">=16.0.6" + libffi: ">=3.4,<4.0a0" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pcre2: ">=10.42,<10.43.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libglib-2.78.1-h198397b_1.conda hash: - md5: 3f144b2c34f8cb5a9abd9ed23a39c561 - sha256: 54ae221033db8fbcd4998ccb07f3c3828b4d77e73b0c72b18c1d6a507059059c + md5: fb318c3fed632cf2de190fb10496fbd1 + sha256: 73bcb4ea07af4291221271aa7aaa0795d59d851a6f43d6e0df22601f61725e4b category: main optional: false - - name: sphinxcontrib-jsmath - version: 1.0.1 + - name: libglib + version: 2.78.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-jsmath-1.0.1-pyhd8ed1ab_0.conda + __osx: ">=10.9" + gettext: ">=0.21.1,<1.0a0" + libcxx: ">=16.0.6" + libffi: ">=3.4,<4.0a0" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + pcre2: ">=10.42,<10.43.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libglib-2.78.1-hb438215_1.conda hash: - md5: da1d979339e2714c30a8e806a33ec087 - sha256: d4337d83b8edba688547766fc80f1ac86d6ec86ceeeda93f376acc04079c5ce2 + md5: 3ce7984906f2ba4be662c219e8def77e + sha256: 3d94b6d8d27301f23b0d0c8b078c5e0bf6fc4f5f6260f3794cfaf7e247fe9e20 category: main optional: false - - name: stringcase - version: 1.2.0 + - name: libgomp + version: 13.2.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/stringcase-1.2.0-py_0.tar.bz2 + _libgcc_mutex: "0.1" + url: https://conda.anaconda.org/conda-forge/linux-64/libgomp-13.2.0-h807b86a_3.conda hash: - md5: 26a9caf3173939377bac7152379daac0 - sha256: ebd515c57537799ee7829055fe9aa93d1c4695334b991fe1de9d7947f53f18f2 + md5: 7124cbb46b13d395bdde68f2d215c989 + sha256: 6ebedee39b6bbbc969715d0d7fa4b381cce67e1139862604ffa393f821c08e81 category: main optional: false - - name: tabulate - version: 0.9.0 + - name: libgoogle-cloud + version: 2.12.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tabulate-0.9.0-pyhd8ed1ab_1.tar.bz2 + libabseil: ">=20230802.1,<20230803.0a0" + libcrc32c: ">=1.1.2,<1.2.0a0" + libcurl: ">=8.4.0,<9.0a0" + libgcc-ng: ">=12" + libgrpc: ">=1.59.2,<1.60.0a0" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libstdcxx-ng: ">=12" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libgoogle-cloud-2.12.0-h5206363_4.conda hash: - md5: 4759805cce2d914c38472f70bf4d8bcb - sha256: f6e4a0dd24ba060a4af69ca79d32361a6678e61d78c73eb5e357909b025b4620 + md5: b5eb63d2683102be45d17c55021282f6 + sha256: 82a7d211d0df165b073f9e8ba6d789c4b1c7c4882d546ca12d40f201fc3496fc category: main optional: false - - name: text-unidecode - version: "1.3" + - name: libgoogle-cloud + version: 2.12.0 manager: conda platform: osx-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/text-unidecode-1.3-pyhd8ed1ab_1.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcrc32c: ">=1.1.2,<1.2.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" + libgrpc: ">=1.59.2,<1.60.0a0" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libgoogle-cloud-2.12.0-hc0857f6_4.conda hash: - md5: ba8aba332d8868897ce44ad74015a7fe - sha256: db64669a918dec8c744f80a85b9c82216b79298256c7c8bd19bdba54a02f8914 + md5: 976555c39f83093265491c9c081a801c + sha256: 1bf47f43796369ec85a27221ab9a84ecc848f93a88049d046cd8521c25b129f6 category: main optional: false - - name: threadpoolctl - version: 3.2.0 + - name: libgoogle-cloud + version: 2.12.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/threadpoolctl-3.2.0-pyha21a80b_0.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcrc32c: ">=1.1.2,<1.2.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" + libgrpc: ">=1.59.2,<1.60.0a0" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgoogle-cloud-2.12.0-hfb399a7_4.conda hash: - md5: 978d03388b62173b8e6f79162cf52b86 - sha256: 15e2f916fbfe3cc480160aa99eb6ba3edc183fceb234f10151d63870fdc4eccd + md5: d62901188ab756c841cbb9a80c6c3f3c + sha256: 22122939a462f64a82ca2f305c43e5e5cf5a55f1ae12979c2445f9dc196b7047 category: main optional: false - - name: toml - version: 0.10.2 + - name: libgrpc + version: 1.59.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/toml-0.10.2-pyhd8ed1ab_0.tar.bz2 + c-ares: ">=1.20.1,<2.0a0" + libabseil: ">=20230802.1,<20230803.0a0" + libgcc-ng: ">=12" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + re2: "" + url: https://conda.anaconda.org/conda-forge/linux-64/libgrpc-1.59.2-hd6c4280_0.conda hash: - md5: f832c45a477c78bebd107098db465095 - sha256: f0f3d697349d6580e4c2f35ba9ce05c65dc34f9f049e85e45da03800b46139c1 + md5: dd26e7127a7b08068b52181f47849f04 + sha256: 4ac31c7667fb0940856afc4b8ea58d8f1cb18db3cdf41729aa7d2c7f7a5e6429 category: main optional: false - - name: tomli - version: 2.0.1 + - name: libgrpc + version: 1.59.2 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tomli-2.0.1-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + c-ares: ">=1.20.1,<2.0a0" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + re2: "" + url: https://conda.anaconda.org/conda-forge/osx-64/libgrpc-1.59.2-ha7f534c_0.conda hash: - md5: 5844808ffab9ebdb694585b50ba02a96 - sha256: 4cd48aba7cd026d17e86886af48d0d2ebc67ed36f87f6534f4b67138f5a5a58f + md5: 7db1bdebc02cd6e56f9f420ac3c1e557 + sha256: 3f4e2df8760e279921adba7eba8b8b56c2b6ecde7872242ce6ae3bf55319e0b5 category: main optional: false - - name: tomlkit - version: 0.12.3 + - name: libgrpc + version: 1.59.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tomlkit-0.12.3-pyha770c72_0.conda + __osx: ">=10.9" + c-ares: ">=1.20.1,<2.0a0" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libre2-11: ">=2023.6.2,<2024.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + re2: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgrpc-1.59.2-hbcf6334_0.conda hash: - md5: 074d0ce7a6261ab8b497c3518796ef3e - sha256: 53cc436ab92d38683df1320e4468a8b978428e800195bf1c8c2460e90b0bc117 + md5: 773cf509934965514cc62d97fb38a2d7 + sha256: fc7d7aecf633904bd945c7e4e0620d1485e90801405eb7d12269e57242916ae0 category: main optional: false - - name: toolz - version: 0.12.0 + - name: libiconv + version: "1.17" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/toolz-0.12.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=10.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libiconv-1.17-h166bdaf_0.tar.bz2 hash: - md5: 92facfec94bc02d6ccf42e7173831a36 - sha256: 90229da7665175b0185183ab7b53f50af487c7f9b0f47cf09c184cbc139fd24b + md5: b62b52da46c39ee2bc3c162ac7f1804d + sha256: 6a81ebac9f1aacdf2b4f945c87ad62b972f0f69c8e0981d68e111739e6720fd7 category: main optional: false - - name: toposort - version: "1.10" + - name: libiconv + version: "1.17" manager: conda platform: osx-64 - dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/toposort-1.10-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libiconv-1.17-hac89ed1_0.tar.bz2 hash: - md5: aeef653e20028f19a3c2cc70e166b509 - sha256: 23589eeb84f55c9f245ffca1201a0dc9b16e838d39fe7857d4bd0e3026e5b75a + md5: 691d103d11180486154af49c037b7ed9 + sha256: 4a3294037d595754f7da7c11a41f3922f995aaa333f3cb66f02d8afa032a7bc2 category: main optional: false - - name: tornado - version: 6.3.3 + - name: libiconv + version: "1.17" manager: conda - platform: osx-64 - dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/tornado-6.3.3-py311h2725bcf_1.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libiconv-1.17-he4db4b2_0.tar.bz2 hash: - md5: daf5f053a40c2b0b8f86b605e302b7a4 - sha256: e3e4c12236b0a59e6568a9dc839116776eda408ca12bc0ad4e7a9dba4d66912f + md5: 686f9c755574aa221f29fbcf36a67265 + sha256: 2eb33065783b802f71d52bef6f15ce0fafea0adc8506f10ebd0d490244087bec category: main optional: false - - name: traitlets - version: 5.13.0 + - name: libjpeg-turbo + version: 3.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libjpeg-turbo-3.0.0-hd590300_1.conda hash: - md5: 8a9953c15e1e5a7c1baddbbf4511a567 - sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 + md5: ea25936bb4080d843790b586850f82b8 + sha256: b954e09b7e49c2f2433d6f3bb73868eda5e378278b0f8c1dd10a7ef090e14f2f category: main optional: false - - name: types-python-dateutil - version: 2.8.19.14 + - name: libjpeg-turbo + version: 3.0.0 manager: conda - platform: osx-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/types-python-dateutil-2.8.19.14-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libjpeg-turbo-3.0.0-h0dc2134_1.conda hash: - md5: 4df15c51a543e806d439490b862be1c6 - sha256: 7b0129c72d371fa7a06ed5dd1d701844c20d03bb4641a38a88a982b347d087e2 + md5: 72507f8e3961bc968af17435060b6dd6 + sha256: d9572fd1024adc374aae7c247d0f29fdf4b122f1e3586fe62acc18067f40d02f category: main optional: false - - name: types-pyyaml - version: 6.0.12.12 + - name: libjpeg-turbo + version: 3.0.0 manager: conda - platform: osx-64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/types-pyyaml-6.0.12.12-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libjpeg-turbo-3.0.0-hb547adb_1.conda hash: - md5: 0cb14c80f66937df894d60626dd1921f - sha256: 91873f91a58337d0573584bcdc540ff5545bc460eda0fdd8bd2f471c808c0e4c + md5: 3ff1e053dc3a2b8e36b9bfa4256a58d1 + sha256: a42054eaa38e84fc1e5ab443facac4bbc9d1b6b6f23f54b7bf4f1eb687e1d993 category: main optional: false - - name: typing_extensions - version: 4.8.0 + - name: libkml + version: 1.3.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/typing_extensions-4.8.0-pyha770c72_0.conda + libboost-headers: "" + libexpat: ">=2.5.0,<3.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + uriparser: ">=0.9.7,<1.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libkml-1.3.0-h01aab08_1018.conda hash: - md5: 5b1be40a26d10a06f6d4f1f9e19fa0c7 - sha256: 38d16b5c53ec1af845d37d22e7bb0e6c934c7f19499123507c5a470f6f8b7dde + md5: 3eb5f16bcc8a02892199aa63555c731f + sha256: f67fc0be886c7eac14dbce858bfcffbc90a55b598e897e513f0979dd2caad750 category: main optional: false - - name: typing_utils - version: 0.1.0 + - name: libkml + version: 1.3.0 manager: conda platform: osx-64 dependencies: - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/typing_utils-0.1.0-pyhd8ed1ab_0.tar.bz2 + libboost-headers: "" + libcxx: ">=15.0.7" + libexpat: ">=2.5.0,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + uriparser: ">=0.9.7,<1.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libkml-1.3.0-hab3ca0e_1018.conda hash: - md5: eb67e3cace64c66233e2d35949e20f92 - sha256: 9e3758b620397f56fb709f796969de436d63b7117897159619b87938e1f78739 + md5: 535b1bb4896b113c14dfa64141370a12 + sha256: f546750a59b85a4b721f69e34e797ceddb93c438ee384db285e3344490d6a9b5 category: main optional: false - - name: unicodecsv - version: 0.14.1 + - name: libkml + version: 1.3.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/unicodecsv-0.14.1-py_1.tar.bz2 + libboost-headers: "" + libcxx: ">=15.0.7" + libexpat: ">=2.5.0,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + uriparser: ">=0.9.7,<1.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libkml-1.3.0-h1eb4d9f_1018.conda hash: - md5: 3b2b0e9d7f73db2b5e45db113badb7f7 - sha256: 4bbf3579d57036725562ccc11c57bc487f1eb5c14c138a6881d10f34c2f04237 + md5: f287028317d50fa3edad9c715d22e26b + sha256: ba3833cd0c517bb7a00b235b85a35bc58096e981ef3ac392c0916d83a1abc00a category: main optional: false - - name: uri-template - version: 1.3.0 + - name: liblapack + version: 3.9.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/uri-template-1.3.0-pyhd8ed1ab_0.conda + libblas: 3.9.0 + url: https://conda.anaconda.org/conda-forge/linux-64/liblapack-3.9.0-19_linux64_openblas.conda hash: - md5: 0944dc65cb4a9b5b68522c3bb585d41c - sha256: b76904b53721dc88a46352324c79d2b077c2f74a9f7208ad2c4249892669ae94 + md5: 9f100edf65436e3eabc2a51fc00b2c37 + sha256: 58f402aae605ebd0932e1cbbf855cd49dcdfa2fcb6aab790a4f6068ec5937878 category: main optional: false - - name: uvloop - version: 0.19.0 + - name: liblapack + version: 3.9.0 manager: conda platform: osx-64 dependencies: - libuv: ">=1.46.0,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/uvloop-0.19.0-py311ha272bfe_0.conda + libblas: 3.9.0 + url: https://conda.anaconda.org/conda-forge/osx-64/liblapack-3.9.0-19_osx64_openblas.conda hash: - md5: f878c810a3665d5cca94d1da888413b3 - sha256: 40439cb32c09d961e61528b87f48e86b3ca549b26d62b8b06b7180b1a3356d9e - category: dev - optional: true - - name: validators - version: 0.22.0 + md5: 2e714df18db99ee6d7b4ac728f53ca62 + sha256: 6a1704c43a03195fecbbb226be5c257b2e37621e793967c3f31c8521f19e18df + category: main + optional: false + - name: liblapack + version: 3.9.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/validators-0.22.0-pyhd8ed1ab_0.conda + libblas: 3.9.0 + url: https://conda.anaconda.org/conda-forge/osx-arm64/liblapack-3.9.0-19_osxarm64_openblas.conda hash: - md5: 56435633ef70e7b92c54151599cbf757 - sha256: f30699fd1a76cf3291e042167f8dc8dd28e00e08e49047a353304c7ad7bc279d + md5: 3638eacb084c374f41f9efa40d20a47b + sha256: f19cff537403c9feed98c7e18259022102b087f2b72a757e8a417476b9cf30c1 category: main optional: false - - name: webcolors - version: "1.13" + - name: libllvm14 + version: 14.0.6 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/webcolors-1.13-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libllvm14-14.0.6-hcd5def8_4.conda hash: - md5: 166212fe82dad8735550030488a01d03 - sha256: 6e097d5fe92849ad3af2c2a313771ad2fbf1cadd4dc4afd552303b2bf3f85211 + md5: 73301c133ded2bf71906aa2104edae8b + sha256: 225cc7c3b20ac1db1bdb37fa18c95bf8aecef4388e984ab2f7540a9f4382106a category: main optional: false - - name: webencodings - version: 0.5.1 + - name: libllvm14 + version: 14.0.6 manager: conda platform: osx-64 dependencies: - python: ">=2.6" - url: https://conda.anaconda.org/conda-forge/noarch/webencodings-0.5.1-pyhd8ed1ab_2.conda + libcxx: ">=15" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libllvm14-14.0.6-hc8e404f_4.conda hash: - md5: daf5160ff9cde3a468556965329085b9 - sha256: 2adf9bd5482802837bc8814cbe28d7b2a4cbd2e2c52e381329eaa283b3ed1944 + md5: ed06753e2ba7c66ed0ca7f19578fcb68 + sha256: 0df3902a300cfe092425f86144d5e00ef67be3cd1cc89fd63084d45262a772ad category: main optional: false - - name: websocket-client - version: 1.6.4 + - name: libllvm14 + version: 14.0.6 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/websocket-client-1.6.4-pyhd8ed1ab_0.conda + libcxx: ">=15" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libllvm14-14.0.6-hd1a9a77_4.conda hash: - md5: bdb77b28cf16deac0eef431a068320e8 - sha256: df45b89862edcd7cd5180ec7b8c0c0ca9fb4d3f7d49ddafccdc76afcf50d8da6 + md5: 9f3dce5d26ea56a9000cd74c034582bd + sha256: 6f603914fe8633a615f0d2f1383978eb279eeb552079a78449c9fbb43f22a349 category: main optional: false - - name: websockets - version: "10.4" + - name: libllvm15 + version: 15.0.7 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/websockets-10.4-py311h5547dcb_1.tar.bz2 + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libxml2: ">=2.11.4,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + zstd: ">=1.5.2,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libllvm15-15.0.7-h5cf9203_3.conda hash: - md5: aa4ddc6620538e684142d9c1d932fe28 - sha256: e5c79a611d725a5ec0623f02220ca8581451de32a2c92f5b62660ec2dacb3c8c - category: dev - optional: true - - name: wheel - version: 0.41.3 + md5: 9efe82d44b76a7529a1d702e5a37752e + sha256: bb94e7535a309c2a8d58585cb82bac954ed59f473eef2cac6ea677d6f576a3b6 + category: main + optional: false + - name: libllvm15 + version: 15.0.7 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/wheel-0.41.3-pyhd8ed1ab_0.conda + libcxx: ">=15" + libxml2: ">=2.11.4,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + zstd: ">=1.5.2,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libllvm15-15.0.7-he4b1e75_3.conda hash: - md5: 3fc026b9c87d091c4b34a6c997324ae8 - sha256: 84c3b57fba778add2bd47b7cc70e86f746d2c55549ffd2ccb6f3d6bf7c94d21d + md5: ecc6df80c4b0445ac0de9cabae189db3 + sha256: 02c7f5fe1ae9cdf4b0152cc76fef0ccb26137075054bdd9336ebf956fd22d8c9 category: main optional: false - - name: widgetsnbextension - version: 4.0.9 + - name: libllvm15 + version: 15.0.7 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/widgetsnbextension-4.0.9-pyhd8ed1ab_0.conda + libcxx: ">=15" + libxml2: ">=2.11.4,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libllvm15-15.0.7-h504e6bf_3.conda hash: - md5: 82617d07b2f5f5a96296d3c19684b37a - sha256: 35dd47b3c117cd759ac46da0b69064bebccd94862e795615ee65dbbe3e6cd86b + md5: cef4a00532f06f6797fbe2425d4db2a7 + sha256: 8fbe19f2133c501a43a45f4dab701adf5206ed61f4bd6317f287a8d87409fdee category: main optional: false - - name: wrapt - version: 1.16.0 + - name: libnetcdf + version: 4.9.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/wrapt-1.16.0-py311he705e18_0.conda + blosc: ">=1.21.4,<2.0a0" + bzip2: ">=1.0.8,<2.0a0" + hdf4: ">=4.2.15,<4.2.16.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" + libaec: ">=1.0.6,<2.0a0" + libcurl: ">=8.2.1,<9.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libxml2: ">=2.11.5,<2.12.0a0" + libzip: ">=1.10.1,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + zlib: "" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libnetcdf-4.9.2-nompi_h80fb2b6_112.conda hash: - md5: 5ef2eefe4fca7c786bbbdd4f1de464ed - sha256: e5546a52c0c0ed8a78dbac1cfec9a639f37fb3a86ea8ade8ff44aa7459dc6796 + md5: a19fa6cacf80c8a366572853d5890eb4 + sha256: 305ffc3ecaffce10754e4d057daa9803e8dc86d68b14524a791c7dc5598c1d2f category: main optional: false - - name: xlrd - version: 2.0.1 + - name: libnetcdf + version: 4.9.2 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/xlrd-2.0.1-pyhd8ed1ab_3.tar.bz2 + blosc: ">=1.21.4,<2.0a0" + bzip2: ">=1.0.8,<2.0a0" + hdf4: ">=4.2.15,<4.2.16.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" + libaec: ">=1.0.6,<2.0a0" + libcurl: ">=8.2.1,<9.0a0" + libcxx: ">=15.0.7" + libxml2: ">=2.11.5,<2.12.0a0" + libzip: ">=1.10.1,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + zlib: "" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libnetcdf-4.9.2-nompi_h6a32802_112.conda hash: - md5: 97dfcd5ff030d829b55f67e82f928093 - sha256: a97030fc6cde1a335c035392db47efdb4add7d1db76a11b4bfac6ec7fc42bfe5 + md5: 413f9a35e9f888163b922ea6cfafb9da + sha256: 8b1bfc9322bd4f9fe770461fac5b75b1888ccdbdf72b2d2a2bec1e1c13e05f48 category: main optional: false - - name: xlsxwriter - version: 3.1.9 + - name: libnetcdf + version: 4.9.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/xlsxwriter-3.1.9-pyhd8ed1ab_0.conda + blosc: ">=1.21.4,<2.0a0" + bzip2: ">=1.0.8,<2.0a0" + hdf4: ">=4.2.15,<4.2.16.0a0" + hdf5: ">=1.14.2,<1.14.3.0a0" + libaec: ">=1.0.6,<2.0a0" + libcurl: ">=8.2.1,<9.0a0" + libcxx: ">=15.0.7" + libxml2: ">=2.11.5,<2.12.0a0" + libzip: ">=1.10.1,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + zlib: "" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libnetcdf-4.9.2-nompi_hb2fb864_112.conda hash: - md5: 70e533db62a710ae216fdaccc4a983c8 - sha256: 96f04c1aa99d3a90319979079cfe0f17ecea2bf0d67ca07c12d210af355a5d1d + md5: fdd8c3b65f9369c4a5bbf23164ea8e19 + sha256: fef33b99225691fce165cd1aadb85c823e2a3a9e5d67c3069f1d6b9ebbf53fdf category: main optional: false - - name: xyzservices - version: 2023.10.1 + - name: libnghttp2 + version: 1.58.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/xyzservices-2023.10.1-pyhd8ed1ab_0.conda + c-ares: ">=1.21.0,<2.0a0" + libev: ">=4.33,<4.34.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libnghttp2-1.58.0-h47da74e_0.conda hash: - md5: 1e0d85c0e2fef9539218da185b285f54 - sha256: da655e2e0a742fddefeeaf2dd828b62a1820a3755d13341e1a555a10fcb9cf81 + md5: 9b13d5ee90fc9f09d54fd403247342b4 + sha256: 151b18e4f92dcca263a6d23e4beb0c4e2287aa1c7d0587ff71ef50035ed34aca category: main optional: false - - name: zipp - version: 3.17.0 + - name: libnghttp2 + version: 1.58.0 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/zipp-3.17.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + c-ares: ">=1.21.0,<2.0a0" + libcxx: ">=16.0.6" + libev: ">=4.33,<4.34.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libnghttp2-1.58.0-h64cf6d3_0.conda hash: - md5: 2e4d6bc0b14e10f895fc6791a7d9b26a - sha256: bced1423fdbf77bca0a735187d05d9b9812d2163f60ab426fc10f11f92ecbe26 + md5: 864e23fba3678000154f53bbf6d476a2 + sha256: b2b94cdaffa0d4fddd73c04262fdb1d1bcd6f8783979281ccfdb832e159cac4e category: main optional: false - - name: aiosignal - version: 1.3.1 + - name: libnghttp2 + version: 1.58.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - frozenlist: ">=1.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/aiosignal-1.3.1-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + c-ares: ">=1.21.0,<2.0a0" + libcxx: ">=16.0.6" + libev: ">=4.33,<4.34.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libnghttp2-1.58.0-ha4dd798_0.conda hash: - md5: d1e1eb7e21a9e2c74279d87dafb68156 - sha256: 575c742e14c86575986dc867463582a970463da50b77264cdf54df74f5563783 + md5: b93d94874cfd44bc96496c2ee69f82a9 + sha256: 3597032667444f91ae59343c553da6e93f2b3359bc2c0dd6b7f8260e41572e9c category: main optional: false - - name: anyio - version: 4.0.0 + - name: libnsl + version: 2.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - exceptiongroup: "" - python: ">=3.8" - sniffio: ">=1.1" - idna: ">=2.8" - url: https://conda.anaconda.org/conda-forge/noarch/anyio-4.0.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libnsl-2.0.1-hd590300_0.conda hash: - md5: 3c4e99d3ae4ec033d4dd99fb5220e540 - sha256: 64125775b2e724db5c72e431dd180495d5d509d0a2d1228a122e6af9f1b60e33 + md5: 30fd6e37fe21f86f4bd26d6ee73eeec7 + sha256: 26d77a3bb4dceeedc2a41bd688564fe71bf2d149fdcf117049970bc02ff1add6 category: main optional: false - - name: asgi-csrf - version: "0.9" + - name: libnuma + version: 2.0.16 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - itsdangerous: "" - python-multipart: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/asgi-csrf-0.9-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libnuma-2.0.16-h0b41bf4_1.conda hash: - md5: eae21b40ce9beded0ce0e5c67180b1e7 - sha256: 9e8d86083dac575490045e570147ff44879aa8412dafa04cff3e539f77eb263f + md5: 28bfe2cb11357ccc5be21101a6b7ce86 + sha256: 814a50cba215548ec3ebfb53033ffb9b3b070b2966570ff44910b8d9ba1c359d category: main optional: false - - name: asgiref - version: 3.7.2 + - name: libopenblas + version: 0.3.24 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - typing_extensions: ">=4" - url: https://conda.anaconda.org/conda-forge/noarch/asgiref-3.7.2-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libgfortran-ng: "" + libgfortran5: ">=12.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libopenblas-0.3.24-pthreads_h413a1c8_0.conda hash: - md5: 596932155bf88bb6837141550cb721b0 - sha256: 63f85717fd38912a69be5a03d35a648c404cb86843cd4a1302c380c0e7744e30 + md5: 6e4ef6ca28655124dcde9bd500e44c32 + sha256: c8e080ae4d57506238023e98869928ae93564e6407ef5b0c4d3a337e8c2b7662 category: main optional: false - - name: asttokens - version: 2.4.1 + - name: libopenblas + version: 0.3.24 manager: conda platform: osx-64 dependencies: - python: ">=3.5" - six: ">=1.12.0" - url: https://conda.anaconda.org/conda-forge/noarch/asttokens-2.4.1-pyhd8ed1ab_0.conda + libgfortran: 5.* + libgfortran5: ">=12.3.0" + llvm-openmp: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/libopenblas-0.3.24-openmp_h48a4ad5_0.conda hash: - md5: 5f25798dcefd8252ce5f9dc494d5f571 - sha256: 708168f026df19a0344983754d27d1f7b28bb21afc7b97a82f02c4798a3d2111 + md5: 077718837dd06cf0c3089070108869f6 + sha256: ff2c14f7ed121f1df3ad06bea353288eade77c12fb891212a27af88a61483490 category: main optional: false - - name: async-lru - version: 2.0.4 + - name: libopenblas + version: 0.3.24 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - typing_extensions: ">=4.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/async-lru-2.0.4-pyhd8ed1ab_0.conda + libgfortran: 5.* + libgfortran5: ">=12.3.0" + llvm-openmp: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libopenblas-0.3.24-openmp_hd76b1f2_0.conda hash: - md5: 3d081de3a6ea9f894bbb585e8e3a4dcb - sha256: 7ed83731979fe5b046c157730e50af0e24454468bbba1ed8fc1a3107db5d7518 + md5: aacb05989f358affe1bafd4ea7294db4 + sha256: 21edfdf620ac5c93571aab452199b6b4622c445441dad88ab4d2eb326a7b91b3 category: main optional: false - - name: aws-c-s3 - version: 0.3.24 + - name: libparquet + version: 14.0.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - aws-c-auth: ">=0.7.7,<0.7.8.0a0" - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-c-s3-0.3.24-h4293da7_1.conda + libarrow: 14.0.1 + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libthrift: ">=0.19.0,<0.19.1.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libparquet-14.0.1-h352af49_3_cpu.conda hash: - md5: f336309a54f8846a21bed05b1dc8f419 - sha256: d78f1c4ff3b64c689db39e5a0771e311db1a4fbe7bc01256881215de5fc100fe + md5: 5e2f5615862bba1318a11e97d6a59d56 + sha256: 96e192584e790a8bc010084c829de0aaae357979aa3b80b50d36f72179d8029f category: main optional: false - - name: babel - version: 2.13.1 + - name: libparquet + version: 14.0.1 manager: conda platform: osx-64 dependencies: - setuptools: "" - pytz: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/babel-2.13.1-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + libthrift: ">=0.19.0,<0.19.1.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libparquet-14.0.1-h27bd29f_3_cpu.conda hash: - md5: 3ccff479c246692468f604df9c85ef26 - sha256: 1f955c700db16f65b16c9e9c1613436480d5497970b8030b7a9ebe1620cc2147 + md5: e6dc5d4796ce80233fe1233e651ec983 + sha256: 92d7137e89cff12faf7f16e556bee21b71d0e1b78e3305e2e2e5da15ba8745fe category: main optional: false - - name: backports.functools_lru_cache - version: 1.6.5 + - name: libparquet + version: 14.0.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - setuptools: "" - backports: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/backports.functools_lru_cache-1.6.5-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libcxx: ">=15.0.7" + libthrift: ">=0.19.0,<0.19.1.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libparquet-14.0.1-heaab74a_3_cpu.conda hash: - md5: 6b1b907661838a75d067a22f87996b2e - sha256: 7027bb689dd4ca4a08e3b25805de9d04239be6b31125993558f21f102a9d2700 + md5: 84a11f6c99bbd2fce61890751fc94777 + sha256: 0514387e5082b50d716bb3e91de9898e928616843105c413d1ddf5f78a80210a category: main optional: false - - name: beautifulsoup4 - version: 4.12.2 + - name: libpng + version: 1.6.39 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - soupsieve: ">=1.2" - url: https://conda.anaconda.org/conda-forge/noarch/beautifulsoup4-4.12.2-pyha770c72_0.conda + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libpng-1.6.39-h753d276_0.conda hash: - md5: a362ff7d976217f8fa78c0f1c4f59717 - sha256: 52d3e6bcd442537e22699cd227d8fdcfd54b708eeb8ee5b4c671a6a9b9cd74da + md5: e1c890aebdebbfbf87e2c917187b4416 + sha256: a32b36d34e4f2490b99bddbc77d01a674d304f667f0e62c89e02c961addef462 category: main optional: false - - name: bleach - version: 6.1.0 + - name: libpng + version: 1.6.39 manager: conda platform: osx-64 dependencies: - setuptools: "" - packaging: "" - webencodings: "" - python: ">=3.6" - six: ">=1.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/bleach-6.1.0-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libpng-1.6.39-ha978bb4_0.conda hash: - md5: 0ed9d7c0e9afa7c025807a9a8136ea3e - sha256: 845e77ef495376c5c3c328ccfd746ca0ef1978150cae8eae61a300fe7755fb08 + md5: 35e4928794c5391aec14ffdf1deaaee5 + sha256: 5ad9f5e96e6770bfc8b0a826f48835e7f337c2d2e9512d76027a62f9c120b2a3 category: main optional: false - - name: cached-property - version: 1.5.2 + - name: libpng + version: 1.6.39 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - cached_property: ">=1.5.2,<1.5.3.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/cached-property-1.5.2-hd8ed1ab_1.tar.bz2 + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libpng-1.6.39-h76d750c_0.conda hash: - md5: 9b347a7ec10940d3f7941ff6c460b551 - sha256: 561e6660f26c35d137ee150187d89767c988413c978e1b712d53f27ddf70ea17 + md5: 0078e6327c13cfdeae6ff7601e360383 + sha256: 21ab8409a8e66f9408b96428c0a36a9768faee9fe623c56614576f9e12962981 category: main optional: false - - name: cffi - version: 1.16.0 + - name: libpq + version: "16.1" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libffi: ">=3.4,<4.0a0" - pycparser: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/cffi-1.16.0-py311hc0b63fd_0.conda + krb5: ">=1.21.2,<1.22.0a0" + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libpq-16.1-hfc447b1_0.conda hash: - md5: 15d07b82223cac96af629e5e747ba27a - sha256: 1f13a5fa7f310fdbd27f5eddceb9e62cfb10012c58a58c923dd6f51fa979748a + md5: 2b7f1893cf40b4ccdc0230bcd94d5ed9 + sha256: 8c92a8cce329a83cc9e94b19d18200c661957c00cfb464f26237d24730864585 category: main optional: false - - name: cfitsio - version: 4.3.0 + - name: libpq + version: "16.1" manager: conda platform: osx-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libcurl: ">=8.2.0,<9.0a0" - libgfortran: 5.* - libgfortran5: ">=12.2.0" + krb5: ">=1.21.2,<1.22.0a0" libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/cfitsio-4.3.0-h66f91ea_0.conda + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libpq-16.1-h6dd4ff7_0.conda hash: - md5: f540472ad8a8ea2b39a4c6ca14ebc1b5 - sha256: 0246d80ce305609c7e810514d1aa578ef498a1f05fd2dba5fa46ea845e4e57b9 + md5: 39de94ff4ccc306f3d24ef7aef13c689 + sha256: 1a51c9b3451eebf04ac1f7a7a58fec07c2e44d2298514a30f62b5b432a653c07 category: main optional: false - - name: click-default-group - version: 1.2.4 + - name: libpq + version: "16.1" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - click: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-1.2.4-pyhd8ed1ab_0.conda + krb5: ">=1.21.2,<1.22.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libpq-16.1-hd435d45_0.conda hash: - md5: 7c2b6931f9b3548ed78478332095c3e9 - sha256: b36e35d735ddd29d7c592eb3de4b3979e13a9f76f1b4bc939f2cb4402758d6d0 + md5: 883bbf64780c91608f1a7df9203b79a5 + sha256: 1b5c86d5f247b3e154ae373dcebea6979368c4a0ee722d39ec33ee2fc8528c04 category: main optional: false - - name: click-default-group-wheel - version: 1.2.2 + - name: libprotobuf + version: 4.24.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - click: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-wheel-1.2.2-pyhd8ed1ab_0.tar.bz2 + libabseil: ">=20230802.1,<20230803.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libprotobuf-4.24.4-hf27288f_0.conda hash: - md5: 2228f2640491b5e9c03b6f6346cba887 - sha256: 3a4d5c96f5375715aec9b8b7639c5a401a90dc1019d24288e4e9494148a640ee + md5: 1a0287ab734591ad63603734f923016b + sha256: 3e0f6454190abb27edd2aeb724688ee440de133edb02cbb17d5609ba36aa8be0 category: main optional: false - - name: click-plugins - version: 1.1.1 + - name: libprotobuf + version: 4.24.4 manager: conda platform: osx-64 dependencies: - python: "" - click: ">=3.0" - url: https://conda.anaconda.org/conda-forge/noarch/click-plugins-1.1.1-py_0.tar.bz2 + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libprotobuf-4.24.4-h0ee05dc_0.conda hash: - md5: 4fd2c6b53934bd7d96d1f3fdaf99b79f - sha256: ddef6e559dde6673ee504b0e29dd814d36e22b6b9b1f519fa856ee268905bf92 + md5: c0f2660a38d96e55c6aae15a06ee277b + sha256: 4c0cd48fa2b0ac5cad6204d686bcb8e51bc5906c25180919ecf8f3000c0eade5 category: main optional: false - - name: cligj - version: 0.7.2 + - name: libprotobuf + version: 4.24.4 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: <4.0 - click: ">=4.0" - url: https://conda.anaconda.org/conda-forge/noarch/cligj-0.7.2-pyhd8ed1ab_1.tar.bz2 + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libprotobuf-4.24.4-hc9861d8_0.conda hash: - md5: a29b7c141d6b2de4bb67788a5f107734 - sha256: 97bd58f0cfcff56a0bcda101e26f7d936625599325beba3e3a1fa512dd7fc174 + md5: ac5438d981e105e053b341eb30c44273 + sha256: 2e81e023f463ef239e2fb7f56a4e8eed61a1d8e9ca3f2f07bec1668cc369b2ce category: main optional: false - - name: clikit - version: 0.6.2 + - name: libre2-11 + version: 2023.06.02 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - pylev: ">=1.3,<2.0" - pastel: ">=0.2.0,<0.3.0" - url: https://conda.anaconda.org/conda-forge/noarch/clikit-0.6.2-pyhd8ed1ab_2.conda + libabseil: ">=20230802.1,<20230803.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libre2-11-2023.06.02-h7a70373_0.conda hash: - md5: 02abb7b66b02e8b9f5a9b05454400087 - sha256: 2d582bc15d9116ec5467b565fb87d9034c8b56f60943e8eb69407f55f1ab5a78 + md5: c0e7eacd9694db3ef5ef2979a7deea70 + sha256: 22b0b2169c80b65665ba0d6418bd5d3d4c7d89915ee0f9613403efe871c27db8 category: main optional: false - - name: coloredlogs - version: "14.0" + - name: libre2-11 + version: 2023.06.02 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - humanfriendly: ">=7.1" - url: https://conda.anaconda.org/conda-forge/noarch/coloredlogs-14.0-pyhd8ed1ab_3.tar.bz2 + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/libre2-11-2023.06.02-h4694dbf_0.conda hash: - md5: 6b92f390b198cb631c95fd37097098c8 - sha256: 703557fb1bde384b34cd8b1aa88c485e8900f83420bb69066f958f45c2008ef9 + md5: d7c00395eaf2446eec6ce0f34cfd5b78 + sha256: 73acd1ade87762c3f1aacf2a7c6271dd1e1c972d46ea7c44d8781595bca9218e category: main optional: false - - name: comm - version: 0.1.4 + - name: libre2-11 + version: 2023.06.02 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/noarch/comm-0.1.4-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libre2-11-2023.06.02-h1753957_0.conda hash: - md5: c8eaca39e2b6abae1fc96acc929ae939 - sha256: 11057745946a95ee7cc4c98900a60c7362266a4cb28bc97d96cd88e3056eb701 + md5: 3b8652db4bf4e27fa1446526f7a78498 + sha256: 8bafee8f8ef27f4cb0afffe5404dd1abfc5fd6eac1ee9b4847a756d440bd7aa7 category: main optional: false - - name: coverage - version: 7.3.2 + - name: librsvg + version: 2.56.3 + manager: conda + platform: linux-64 + dependencies: + cairo: ">=1.16.0,<2.0a0" + gdk-pixbuf: ">=2.42.10,<3.0a0" + gettext: ">=0.21.1,<1.0a0" + libgcc-ng: ">=12" + libglib: ">=2.76.4,<3.0a0" + libxml2: ">=2.11.4,<2.12.0a0" + pango: ">=1.50.14,<2.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/librsvg-2.56.3-h98fae49_0.conda + hash: + md5: 620e754f4344f4c27259ff460a2b9c50 + sha256: 4b2dd7745caadc425045dbe31a2300b3b8de4346873f04aa9b552c56f3b1e001 + category: dev + optional: true + - name: librsvg + version: 2.56.3 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - tomli: "" - url: https://conda.anaconda.org/conda-forge/osx-64/coverage-7.3.2-py311h2725bcf_0.conda + cairo: ">=1.16.0,<2.0a0" + gdk-pixbuf: ">=2.42.10,<3.0a0" + gettext: ">=0.21.1,<1.0a0" + libglib: ">=2.76.4,<3.0a0" + libxml2: ">=2.11.4,<2.12.0a0" + pango: ">=1.50.14,<2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/librsvg-2.56.3-hec3db73_0.conda hash: - md5: 0ce651c68a0322a6eacef726025b938a - sha256: ada34f95907fe0cd98d4d12e439bd1508363738f8b0fbe88d14cb398f4235af6 + md5: c6ab56c808493cbd88267fad5297c3c1 + sha256: 031f377db78d673b89ec837efed3d794d7abd0ce787c2527153a15197e29d3c8 + category: dev + optional: true + - name: librsvg + version: 2.56.3 + manager: conda + platform: osx-arm64 + dependencies: + cairo: ">=1.16.0,<2.0a0" + gdk-pixbuf: ">=2.42.10,<3.0a0" + gettext: ">=0.21.1,<1.0a0" + libglib: ">=2.76.4,<3.0a0" + libxml2: ">=2.11.4,<2.12.0a0" + pango: ">=1.50.14,<2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/librsvg-2.56.3-h0db3404_0.conda + hash: + md5: b9784f5c16c6d01d59f7e65a3b0441c6 + sha256: 4ed7ddb12fe193994cbf7d77eb3d7e776fda6c65e95c467f32392f40b880bbe6 + category: dev + optional: true + - name: librttopo + version: 1.1.0 + manager: conda + platform: linux-64 + dependencies: + geos: ">=3.12.0,<3.12.1.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/librttopo-1.1.0-hb58d41b_14.conda + hash: + md5: 264f9a3a4ea52c8f4d3e8ae1213a3335 + sha256: a87307e9c8fb446eb7a1698d9ab40e590ba7e55de669b59f5751c48c2b320827 category: main optional: false - - name: fonttools - version: 4.44.3 + - name: librttopo + version: 1.1.0 manager: conda platform: osx-64 dependencies: - brotli: "" - munkres: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/fonttools-4.44.3-py311he705e18_0.conda + geos: ">=3.12.0,<3.12.1.0a0" + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/librttopo-1.1.0-h23f359d_14.conda hash: - md5: 07fdfc42db3c7be6abfb6c5eeb3b54c9 - sha256: e565a457df0ee77013554e26cd9f14dafe88872654980f7311a0d0a7cd2825af + md5: 4cec4e76f3d1cd6ec739ca40e7e12847 + sha256: df61f3c42651fd02d2e5fbb3cd6a225df29dc91ec6c5a57d0d717dc14ee8e2dc category: main optional: false - - name: gitdb - version: 4.0.11 + - name: librttopo + version: 1.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - smmap: ">=3.0.1,<6" - url: https://conda.anaconda.org/conda-forge/noarch/gitdb-4.0.11-pyhd8ed1ab_0.conda + geos: ">=3.12.0,<3.12.1.0a0" + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/librttopo-1.1.0-h667cd51_14.conda hash: - md5: 623b19f616f2ca0c261441067e18ae40 - sha256: 52ab2798be31b8f509eeec458712f447ced4f96ecb672c6c9a42778f47e07b1b + md5: 5dfc75562bc705e4a645eb8079139c8c + sha256: 5ed612f91b1e0bfa41dca9f6bdd9edd28039b6880c3d1b9dc40aa748b6d1d7c7 category: main optional: false - - name: graphql-core - version: 3.2.3 + - name: libsodium + version: 1.0.18 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - typing_extensions: ">=4,<5" - url: https://conda.anaconda.org/conda-forge/noarch/graphql-core-3.2.3-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libsodium-1.0.18-h36c2ea0_1.tar.bz2 hash: - md5: 87cafe8c7638a5ac6fd8ec8fb01f1508 - sha256: 6f7da913ecad98951cadfe512af2c3979fbff752bf714da66760701e5463dd29 - category: dev - optional: true - - name: grpcio - version: 1.59.2 + md5: c3788462a6fbddafdb413a9f9053e58d + sha256: 53da0c8b79659df7b53eebdb80783503ce72fb4b10ed6e9e05cc0e9e4207a130 + category: main + optional: false + - name: libsodium + version: 1.0.18 manager: conda platform: osx-64 - dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - libgrpc: 1.59.2 - libzlib: ">=1.2.13,<1.3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/grpcio-1.59.2-py311hfd95bfa_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libsodium-1.0.18-hbcb3906_1.tar.bz2 hash: - md5: 7a0f85ebc948f72e8b34eac28258de2a - sha256: 29d6b104362caa2d2d0ac9b4b4fa13610b3e4aec2d4e277aadf3ac5fec4c6be2 + md5: 24632c09ed931af617fe6d5292919cab + sha256: 2da45f14e3d383b4b9e3a8bacc95cd2832aac2dbf9fbc70d255d384a310c5660 category: main optional: false - - name: h11 - version: 0.14.0 + - name: libsodium + version: 1.0.18 manager: conda - platform: osx-64 - dependencies: - typing_extensions: "" - python: ">=3" - url: https://conda.anaconda.org/conda-forge/noarch/h11-0.14.0-pyhd8ed1ab_0.tar.bz2 + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libsodium-1.0.18-h27ca646_1.tar.bz2 hash: - md5: b21ed0883505ba1910994f1df031a428 - sha256: 817d2c77d53afe3f3d9cf7f6eb8745cdd8ea76c7adaa9d7ced75c455a2c2c085 + md5: 90859688dbca4735b74c02af14c4c793 + sha256: 1d95fe5e5e6a0700669aab454b2a32f97289c9ed8d1f7667c2ba98327a6f05bc category: main optional: false - - name: h2 - version: 4.1.0 + - name: libspatialindex + version: 1.9.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6.1" - hpack: ">=4.0,<5" - hyperframe: ">=6.0,<7" - url: https://conda.anaconda.org/conda-forge/noarch/h2-4.1.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=9.3.0" + libstdcxx-ng: ">=9.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/libspatialindex-1.9.3-h9c3ff4c_4.tar.bz2 hash: - md5: b748fbf7060927a6e82df7cb5ee8f097 - sha256: bfc6a23849953647f4e255c782e74a0e18fe16f7e25c7bb0bc57b83bb6762c7a + md5: d87fbe9c0ff589e802ff13872980bfd9 + sha256: 588fbd0c11bc44e354365d5f836183216a4ed17d680b565ff416a93b839f1a8b category: main optional: false - - name: harfbuzz - version: 8.3.0 + - name: libspatialindex + version: 1.9.3 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - cairo: ">=1.18.0,<2.0a0" - freetype: ">=2.12.1,<3.0a0" - graphite2: "" - icu: ">=73.2,<74.0a0" - libcxx: ">=16.0.6" - libglib: ">=2.78.1,<3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/harfbuzz-8.3.0-hf45c392_0.conda + libcxx: ">=11.1.0" + url: https://conda.anaconda.org/conda-forge/osx-64/libspatialindex-1.9.3-he49afe7_4.tar.bz2 hash: - md5: 41d890485f909e4ecdc608741718c75e - sha256: c6ea14e4f4869bc78b27276c09832af845dfa415585362ed6064e37a1b5fe9c5 - category: dev - optional: true - - name: hdf5 - version: 1.14.2 + md5: b1c13764417c32fa87fac733caa82a64 + sha256: 443db45215e08fbf134a019486c20540d9903c1d9b14ac28ba299f8a730069da + category: main + optional: false + - name: libspatialindex + version: 1.9.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libaec: ">=1.0.6,<2.0a0" - libcurl: ">=8.2.1,<9.0a0" - libcxx: ">=15.0.7" - libgfortran: 5.* - libgfortran5: ">=12.3.0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/hdf5-1.14.2-nompi_hedada53_100.conda + libcxx: ">=11.1.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libspatialindex-1.9.3-hbdafb3b_4.tar.bz2 hash: - md5: 2b1d4f355b60eb10c5cb435b9f0e664f - sha256: 08ab97d63ab4be60c92d3f5931effc565ae6ee0cd686eba81b9d20daf5f181ff + md5: 311816a2511df4bceeeebe7c06af63e7 + sha256: a1af21a778e7a04fd866ccd617a4503ebe8abeb4e5fe718cd219be4d6e70e778 category: main optional: false - - name: html5lib - version: "1.1" + - name: libspatialite + version: 5.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - webencodings: "" - six: ">=1.9" - url: https://conda.anaconda.org/conda-forge/noarch/html5lib-1.1-pyh9f0ad1d_0.tar.bz2 + freexl: ">=2.0.0,<3.0a0" + geos: ">=3.12.0,<3.12.1.0a0" + libgcc-ng: ">=12" + librttopo: ">=1.1.0,<1.2.0a0" + libsqlite: ">=3.44.0,<4.0a0" + libstdcxx-ng: ">=12" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + proj: ">=9.3.0,<9.3.1.0a0" + sqlite: "" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/libspatialite-5.1.0-h090f1da_1.conda hash: - md5: b2355343d6315c892543200231d7154a - sha256: 9ad06446fe9847e86cb20d220bf11614afcd2cbe9f58096f08d5d4018877bee4 + md5: 9a2d6acaa8ce6d53a150248e7b11165e + sha256: c00eb70e8cf3778bffd04a9551e205e399d16e83a04f55ec392c3163b93d4feb category: main optional: false - - name: hypothesis - version: 6.89.0 + - name: libspatialite + version: 5.1.0 manager: conda platform: osx-64 dependencies: - setuptools: "" - python: ">=3.8" - click: ">=7.0" - attrs: ">=19.2.0" - sortedcontainers: ">=2.1.0,<3.0.0" - backports.zoneinfo: ">=0.2.1" - exceptiongroup: ">=1.0.0rc8" - url: https://conda.anaconda.org/conda-forge/noarch/hypothesis-6.89.0-pyha770c72_0.conda + __osx: ">=10.9" + freexl: ">=2.0.0,<3.0a0" + geos: ">=3.12.0,<3.12.1.0a0" + libcxx: ">=16.0.6" + libiconv: ">=1.17,<2.0a0" + librttopo: ">=1.1.0,<1.2.0a0" + libsqlite: ">=3.44.0,<4.0a0" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + proj: ">=9.3.0,<9.3.1.0a0" + sqlite: "" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/libspatialite-5.1.0-h4a59d8e_1.conda hash: - md5: 87fe6add77af84b6fafecd466e27a28d - sha256: 5805c101a002de63400e97d33d0e70f4cade33b2e7bf76061aaa0a7058fc44ea + md5: 606bfbfee0ea2acb14adfca6b484223e + sha256: 7857801563bc23c3bfa547aa160852b637ff9c34723bba62c566ea6d9eaaf980 category: main optional: false - - name: importlib-metadata - version: 6.8.0 + - name: libspatialite + version: 5.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - zipp: ">=0.5" - url: https://conda.anaconda.org/conda-forge/noarch/importlib-metadata-6.8.0-pyha770c72_0.conda + __osx: ">=10.9" + freexl: ">=2.0.0,<3.0a0" + geos: ">=3.12.0,<3.12.1.0a0" + libcxx: ">=16.0.6" + libiconv: ">=1.17,<2.0a0" + librttopo: ">=1.1.0,<1.2.0a0" + libsqlite: ">=3.44.0,<4.0a0" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + proj: ">=9.3.0,<9.3.1.0a0" + sqlite: "" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libspatialite-5.1.0-h5b80306_1.conda hash: - md5: 4e9f59a060c3be52bc4ddc46ee9b6946 - sha256: 2797ed927d65324309b6c630190d917b9f2111e0c217b721f80429aeb57f9fcf + md5: eb794aae59c5b3b475a42809a5240a73 + sha256: 21c40582abf3b8125b810873e434dc3c8bc4fc024b92ebd25f9a549154791919 category: main optional: false - - name: importlib_resources - version: 6.1.1 + - name: libsqlite + version: 3.44.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - zipp: ">=3.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/importlib_resources-6.1.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libsqlite-3.44.0-h2797004_0.conda hash: - md5: 3d5fa25cf42f3f32a12b2d874ace8574 - sha256: e584f9ae08fb2d242af0ce7e19e3cd2f85f362d8523119e08f99edb962db99ed + md5: b58e6816d137f3aabf77d341dd5d732b + sha256: 74ef5dcb900c38bec53140036e5e2a9cc7ffcd806da479ea2305f962a358a259 category: main optional: false - - name: isodate - version: 0.6.1 + - name: libsqlite + version: 3.44.0 manager: conda platform: osx-64 dependencies: - six: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/isodate-0.6.1-pyhd8ed1ab_0.tar.bz2 + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libsqlite-3.44.0-h92b6c6a_0.conda hash: - md5: 4a62c93c1b5c0b920508ae3fd285eaf5 - sha256: af8f801e093da52a50ca0ea0510dfaf6898fea37e66d08d335e370235dede9fc + md5: 5dd5e957ebfee02720c30e0e2d127bbe + sha256: 0832dc9cf18e811d2b41f8f4951d5ab608678e3459b1a4f36347097d8a9abf68 category: main optional: false - - name: janus - version: 1.0.0 + - name: libsqlite + version: 3.44.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing_extensions: ">=3.7.4.3" - url: https://conda.anaconda.org/conda-forge/noarch/janus-1.0.0-pyhd8ed1ab_0.tar.bz2 + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libsqlite-3.44.0-h091b4b1_0.conda hash: - md5: 304b5bce5a9b3590d825ffd85ac63471 - sha256: b702ef1e280249065d69aef7b0a7b3920903d2de68283bb5282cb57a4ed54d19 + md5: 28eb31a5b4e704353ed575758e2fcf1d + sha256: 38e98953b572e2871f2b318fa7fe8d9997b0927970916c2d09402273b60ff832 category: main optional: false - - name: jaraco.classes - version: 3.3.0 + - name: libssh2 + version: 1.11.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - more-itertools: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jaraco.classes-3.3.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.1,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libssh2-1.11.0-h0841786_0.conda hash: - md5: e9f79248d30e942f7c358ff21a1790f5 - sha256: 14f5240c3834e1b784dd41a5a14392d9150dff62a74ae851f73e65d2e2bbd891 + md5: 1f5a58e686b13bcfde88b93f547d23fe + sha256: 50e47fd9c4f7bf841a11647ae7486f65220cfc988ec422a4475fe8d5a823824d category: main optional: false - - name: jedi - version: 0.19.1 + - name: libssh2 + version: 1.11.0 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - parso: ">=0.8.3,<0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jedi-0.19.1-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.1,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libssh2-1.11.0-hd019ec5_0.conda hash: - md5: 81a3be0b2023e1ea8555781f0ad904a2 - sha256: 362f0936ef37dfd1eaa860190e42a6ebf8faa094eaa3be6aa4d9ace95f40047a + md5: ca3a72efba692c59a90d4b9fc0dfe774 + sha256: f3886763b88f4b24265db6036535ef77b7b77ce91b1cbe588c0fbdd861eec515 category: main optional: false - - name: jinja2 - version: 3.1.2 + - name: libssh2 + version: 1.11.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - markupsafe: ">=2.0" - url: https://conda.anaconda.org/conda-forge/noarch/jinja2-3.1.2-pyhd8ed1ab_1.tar.bz2 + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.1,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libssh2-1.11.0-h7a5bd25_0.conda hash: - md5: c8490ed5c70966d232fdd389d0dbed37 - sha256: b045faba7130ab263db6a8fdc96b1a3de5fcf85c4a607c5f11a49e76851500b5 + md5: 029f7dc931a3b626b94823bc77830b01 + sha256: bb57d0c53289721fff1eeb3103a1c6a988178e88d8a8f4345b0b91a35f0e0015 category: main optional: false - - name: joblib - version: 1.3.2 + - name: libstdcxx-ng + version: 13.2.0 manager: conda - platform: osx-64 - dependencies: - setuptools: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/joblib-1.3.2-pyhd8ed1ab_0.conda + platform: linux-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/linux-64/libstdcxx-ng-13.2.0-h7e041cc_3.conda hash: - md5: 4da50d410f553db77e62ab62ffaa1abc - sha256: 31e05d47970d956206188480b038829d24ac11fe8216409d8584d93d40233878 + md5: 937eaed008f6bf2191c5fe76f87755e9 + sha256: 6c6c49efedcc5709a66f19fb6b26b69c6a5245310fd1d9a901fd5e38aaf7f882 category: main optional: false - - name: jsonlines - version: 4.0.0 + - name: libthrift + version: 0.19.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - typing_extensions: "" - python: ">=3.6" - attrs: ">=19.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonlines-4.0.0-pyhd8ed1ab_0.conda + libevent: ">=2.1.12,<2.1.13.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.3,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libthrift-0.19.0-hb90f79a_1.conda hash: - md5: df32eb56c2a48a5ca9465aef29dd46bc - sha256: ba99c97cff6534f5ad5e724a074a1204e4a0c73cc8cca21a0fc2d4e92f25b89c + md5: 8cdb7d41faa0260875ba92414c487e2d + sha256: 719add2cf20d144ef9962c57cd0f77178259bdb3aae1cded2e2b2b7c646092f5 category: main optional: false - - name: jupyterlab_pygments - version: 0.2.2 + - name: libthrift + version: 0.19.0 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - pygments: ">=2.4.1,<3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_pygments-0.2.2-pyhd8ed1ab_0.tar.bz2 + libcxx: ">=15.0.7" + libevent: ">=2.1.12,<2.1.13.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.3,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libthrift-0.19.0-h064b379_1.conda hash: - md5: 243f63592c8e449f40cd42eb5cf32f40 - sha256: 08453e09d5a6bbaeeca839553a5dfd7a377a97550efab96019c334a8042f54f5 + md5: b152655bfad7c2374ff03be0596052b6 + sha256: 4346c25ef6e2ff3d0fc93074238508531188ecd0dbea6414f6cb93a7775072c4 category: main optional: false - - name: latexcodec - version: 2.0.1 + - name: libthrift + version: 0.19.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/latexcodec-2.0.1-pyh9f0ad1d_0.tar.bz2 + libcxx: ">=15.0.7" + libevent: ">=2.1.12,<2.1.13.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.3,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libthrift-0.19.0-h026a170_1.conda hash: - md5: 8d67904973263afd2985ba56aa2d6bb4 - sha256: 5210d31c8f2402dd1ad1b3edcf7a53292b9da5de20cd14d9c243dbf9278b1c4f + md5: 4b8b21eb00d9019e9fa351141da2a6ac + sha256: b2c1b30d36f0412c0c0313db76a0236d736f3a9b887b8ed16182f531e4b7cb80 category: main optional: false - - name: libcblas - version: 3.9.0 + - name: libtiff + version: 4.6.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libblas: 3.9.0 - url: https://conda.anaconda.org/conda-forge/osx-64/libcblas-3.9.0-19_osx64_openblas.conda + lerc: ">=4.0.0,<5.0a0" + libdeflate: ">=1.19,<1.20.0a0" + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libstdcxx-ng: ">=12" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libtiff-4.6.0-ha9c0a0a_2.conda hash: - md5: 40e412c219ad8cf87ba664466071bcf6 - sha256: 70afde49736007bbb804d126a3983ba1fa04383006aae416a2971d538e274427 + md5: 55ed21669b2015f77c180feb1dd41930 + sha256: 45158f5fbee7ee3e257e6b9f51b9f1c919ed5518a94a9973fe7fa4764330473e category: main optional: false - - name: libgoogle-cloud - version: 2.12.0 + - name: libtiff + version: 4.6.0 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcrc32c: ">=1.1.2,<1.2.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libgrpc: ">=1.59.2,<1.60.0a0" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libgoogle-cloud-2.12.0-hc0857f6_4.conda + lerc: ">=4.0.0,<5.0a0" + libcxx: ">=15.0.7" + libdeflate: ">=1.19,<1.20.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libtiff-4.6.0-h684deea_2.conda hash: - md5: 976555c39f83093265491c9c081a801c - sha256: 1bf47f43796369ec85a27221ab9a84ecc848f93a88049d046cd8521c25b129f6 + md5: 2ca10a325063e000ad6d2a5900061e0d + sha256: 1ef5bd7295f4316b111f70ad21356fb9f0de50b85a341cac9e3a61ac6487fdf1 category: main optional: false - - name: liblapack - version: 3.9.0 + - name: libtiff + version: 4.6.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libblas: 3.9.0 - url: https://conda.anaconda.org/conda-forge/osx-64/liblapack-3.9.0-19_osx64_openblas.conda + lerc: ">=4.0.0,<5.0a0" + libcxx: ">=15.0.7" + libdeflate: ">=1.19,<1.20.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libtiff-4.6.0-ha8a6c65_2.conda hash: - md5: 2e714df18db99ee6d7b4ac728f53ca62 - sha256: 6a1704c43a03195fecbbb226be5c257b2e37621e793967c3f31c8521f19e18df + md5: 596d6d949bab9a75a492d451f521f457 + sha256: b18ef36eb90f190db22c56ae5a080bccc16669c8f5b795a6211d7b0c00c18ff7 category: main optional: false - - name: linear-tsv - version: 1.1.0 + - name: libtool + version: 2.4.7 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/linear-tsv-1.1.0-py_1.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libtool-2.4.7-h27087fc_0.conda hash: - md5: 16491914064fdfe1b9a8fba94ac90e9a - sha256: 7d653455e3ab3bdbd064e5a8995cce6e657fb1b2fdd26f0bc62ed57687b16043 - category: main - optional: false - - name: markdown-it-py - version: 3.0.0 + md5: f204c8ba400ec475452737094fb81d52 + sha256: 345b3b580ef91557a82425ea3f432a70a8748c040deb14570b9f4dca4af3e3d1 + category: dev + optional: true + - name: libtool + version: 2.4.7 manager: conda platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libtool-2.4.7-hf0c8a7f_0.conda + hash: + md5: 1f87b8f56ae1210c77f6133705ef24af + sha256: 0827bcf84a243ca6dd47901caa607262a0184d6048a7cf444b26aa8ee80eb066 + category: dev + optional: true + - name: libtool + version: 2.4.7 + manager: conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libtool-2.4.7-hb7217d7_0.conda + hash: + md5: fe8efc3385f58f0055e8100b07225055 + sha256: efe50471d2baea151f2a93f1f99c05553f8c88e3f0065cdc267e1aa2e8c42449 + category: dev + optional: true + - name: libutf8proc + version: 2.8.0 + manager: conda + platform: linux-64 dependencies: - python: ">=3.8" - mdurl: ">=0.1,<1" - url: https://conda.anaconda.org/conda-forge/noarch/markdown-it-py-3.0.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libutf8proc-2.8.0-h166bdaf_0.tar.bz2 hash: - md5: 93a8e71256479c62074356ef6ebf501b - sha256: c041b0eaf7a6af3344d5dd452815cdc148d6284fec25a4fa3f4263b3a021e962 + md5: ede4266dc02e875fe1ea77b25dd43747 + sha256: 49082ee8d01339b225f7f8c60f32a2a2c05fe3b16f31b554b4fb2c1dea237d1c category: main optional: false - - name: matplotlib-inline - version: 0.1.6 + - name: libutf8proc + version: 2.8.0 manager: conda platform: osx-64 - dependencies: - traitlets: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/matplotlib-inline-0.1.6-pyhd8ed1ab_0.tar.bz2 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libutf8proc-2.8.0-hb7f2c08_0.tar.bz2 hash: - md5: b21613793fcc81d944c76c9f2864a7de - sha256: aa091b88aec55bfa2d9207028d8cdc689b9efb090ae27b99557e93c675be2f3c + md5: db98dc3e58cbc11583180609c429c17d + sha256: 55a7f96b2802e94def207fdfe92bc52c24d705d139bb6cdb3d936cbe85e1c505 category: main optional: false - - name: nodeenv - version: 1.8.0 + - name: libutf8proc + version: 2.8.0 manager: conda - platform: osx-64 - dependencies: - setuptools: "" - python: 2.7|>=3.7 - url: https://conda.anaconda.org/conda-forge/noarch/nodeenv-1.8.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libutf8proc-2.8.0-h1a8c8d9_0.tar.bz2 hash: - md5: 2a75b296096adabbabadd5e9782e5fcc - sha256: 1320306234552717149f36f825ddc7e27ea295f24829e9db4cc6ceaff0b032bd + md5: f8c9c41a122ab3abdf8943b13f4957ee + sha256: a3faddac08efd930fa3a1cc254b5053b4ed9428c49a888d437bf084d403c931a category: main optional: false - - name: openpyxl - version: 3.1.2 + - name: libuuid + version: 2.38.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - et_xmlfile: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/openpyxl-3.1.2-py311h2725bcf_1.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libuuid-2.38.1-h0b41bf4_0.conda hash: - md5: 49d96f49b6dc810211844fdb11299714 - sha256: 0b19f81f03f1c06d0e04e59338c309d5f8ca89443e881f63abd506c78962d5a1 + md5: 40b61aab5c7ba9ff276c41cfffe6b80b + sha256: 787eb542f055a2b3de553614b25f09eefb0a0931b0c87dbcce6efdfd92f04f18 category: main optional: false - - name: overrides - version: 7.4.0 + - name: libuv + version: 1.46.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - typing_utils: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/overrides-7.4.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libuv-1.46.0-hd590300_0.conda hash: - md5: 4625b7b01d7f4ac9c96300a5515acfaa - sha256: 29db8c3b521d261bf71897ba3cfbebc81cd61e581b30fcb984b5a713f02fe1ff + md5: d23c76f7e6dcd6243d1b6ef5e62d17d2 + sha256: 4bc4c946e9a532c066442714eeeeb1ffbd03cd89789c4047293f5e782b5fedd7 category: main optional: false - - name: partd - version: 1.4.1 + - name: libuv + version: 1.46.0 manager: conda platform: osx-64 - dependencies: - toolz: "" - locket: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/partd-1.4.1-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libuv-1.46.0-h0c2f820_0.conda hash: - md5: acf4b7c0bcd5fa3b0e05801c4d2accd6 - sha256: b248238da2bb9dfe98e680af911dc7013af86095e3ec8baf08905555632d34c7 + md5: 27664a5d39d9c32ae38880fec2b33b36 + sha256: e51667c756f15580d3ce131d6157f0238d931c05af118c89f019854f2a7c125e category: main optional: false - - name: pexpect - version: 4.8.0 + - name: libuv + version: 1.46.0 manager: conda - platform: osx-64 - dependencies: - python: "" - ptyprocess: ">=0.5" - url: https://conda.anaconda.org/conda-forge/noarch/pexpect-4.8.0-pyh1a96a4e_2.tar.bz2 + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libuv-1.46.0-hb547adb_0.conda hash: - md5: 330448ce4403cc74990ac07c555942a1 - sha256: 07706c0417ead94f359ca7278f65452d3c396448777aba1da6a11fc351bdca9a + md5: 5f1d535f82e8210ac80d191610b92325 + sha256: f2fe8e22a99f91761c16dc7b00408bff0f5c30d4cccc6ea562db00a4041c5579 category: main optional: false - - name: pint - version: "0.22" + - name: libwebp + version: 1.3.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - typing_extensions: "" - python: ">=3.9" - url: https://conda.anaconda.org/conda-forge/noarch/pint-0.22-pyhd8ed1ab_1.conda + giflib: ">=5.2.1,<5.3.0a0" + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libwebp-1.3.2-h658648e_1.conda hash: - md5: a719c3f3959c529e558e9ed9f98c3f30 - sha256: 49795ff6e5e634523aafe34e869c425e2cdc4a1fcb11aa294d7983035bc38622 - category: main - optional: false - - name: pip - version: 23.3.1 + md5: 0ebb65e8d86843865796c7c95a941f34 + sha256: cc5e55531d8067ea379b145861aea8c749a545912bc016372f5e3c69cc925efd + category: dev + optional: true + - name: libwebp + version: 1.3.2 manager: conda platform: osx-64 dependencies: - setuptools: "" - wheel: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pip-23.3.1-pyhd8ed1ab_0.conda + giflib: ">=5.2.1,<5.3.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libwebp-1.3.2-h44782d1_1.conda hash: - md5: 2400c0b86889f43aa52067161e1fb108 - sha256: 435829a03e1c6009f013f29bb83de8b876c388820bf8cf69a7baeec25f6a3563 - category: main - optional: false - - name: poppler - version: 23.11.0 + md5: 46d48ff2cd600a82db18d7b83471aa86 + sha256: 4d7e1efb76e398f578c5a3d0905c5eca1e4a93298aed6e2f7a10854f6671dfe8 + category: dev + optional: true + - name: libwebp + version: 1.3.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - cairo: ">=1.18.0,<2.0a0" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - gettext: ">=0.21.1,<1.0a0" - lcms2: ">=2.15,<3.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libglib: ">=2.78.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" + giflib: ">=5.2.1,<5.3.0a0" libjpeg-turbo: ">=3.0.0,<4.0a0" libpng: ">=1.6.39,<1.7.0a0" libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - nspr: ">=4.35,<5.0a0" - nss: ">=3.94,<4.0a0" - openjpeg: ">=2.5.0,<3.0a0" - poppler-data: "" - url: https://conda.anaconda.org/conda-forge/osx-64/poppler-23.11.0-hdd5a5e8_0.conda + libwebp-base: ">=1.3.2,<2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libwebp-1.3.2-hf30222e_1.conda hash: - md5: 60ffe2d3a09ff99eb2601487d6ddaeea - sha256: fb6a53ddac3fa8c097b4a0b7d2f40219b13bfa3324147aaf6c5a14ee5fb27521 - category: main - optional: false - - name: postgresql - version: "16.1" + md5: a07cf7f5425eb51b79880fb66837200f + sha256: 5ee611009277c8aaef1a5355df6a05100e563735ec33ef019f6415db0b83d548 + category: dev + optional: true + - name: libwebp-base + version: 1.3.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libpq: "16.1" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - readline: ">=8.2,<9.0a0" - tzcode: "" - tzdata: "" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/postgresql-16.1-h413614c_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libwebp-base-1.3.2-hd590300_0.conda hash: - md5: b7322d27093606b939fb92fa33b92beb - sha256: 612393024639882d7515429e639c85fa3b712d114c5a6b3a4b3891b061e1bc89 + md5: 30de3fd9b3b602f7473f30e684eeea8c + sha256: 68764a760fa81ef35dacb067fe8ace452bbb41476536a4a147a1051df29525f0 category: main optional: false - - name: proj - version: 9.3.0 + - name: libwebp-base + version: 1.3.2 manager: conda platform: osx-64 - dependencies: - libcurl: ">=8.4.0,<9.0a0" - libsqlite: ">=3.43.2,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - sqlite: "" - url: https://conda.anaconda.org/conda-forge/osx-64/proj-9.3.0-h23b96cc_2.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libwebp-base-1.3.2-h0dc2134_0.conda hash: - md5: 63e960e8c8020936c0b73f23bfed16dd - sha256: e1b0f351103555e0d8ab641aeba4076173c3b7a2f8ed738b43ec66709d51be15 + md5: 4e7e9d244e87d66c18d36894fd6a8ae5 + sha256: fa7580f26fec4c28321ec2ece1257f3293e0c646c635e9904679f4a8369be401 category: main optional: false - - name: protobuf - version: 4.24.4 + - name: libwebp-base + version: 1.3.2 manager: conda - platform: osx-64 - dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-64/protobuf-4.24.4-py311h021eaf5_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libwebp-base-1.3.2-hb547adb_0.conda hash: - md5: f8105062d22f61505797d78890b5ca75 - sha256: 2d6e0a1681d8ce871d8a6e2a0f40ad48c14d2a3df19a8012e95a4e33ddddcde6 + md5: 85dbc11098cdbe4244cd73f29a3ab795 + sha256: a159b848193043fb58465ae6a449361615dadcf27babfe0b18db2bd3eb59e958 category: main optional: false - - name: psycopg2 - version: 2.9.7 + - name: libxcb + version: "1.15" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libpq: ">=16.0,<17.0a0" - openssl: ">=3.1.3,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/psycopg2-2.9.7-py311h187f0af_1.conda + libgcc-ng: ">=12" + pthread-stubs: "" + xorg-libxau: "" + xorg-libxdmcp: "" + url: https://conda.anaconda.org/conda-forge/linux-64/libxcb-1.15-h0b41bf4_0.conda hash: - md5: f777a0c47ebe4c2cc2eca6f19aea9347 - sha256: dce8bdee2b563927c71493ad26997c9897939d8fbb0376df80b6c04154ce0412 + md5: 33277193f5b92bad9fdd230eb700929c + sha256: a670902f0a3173a466c058d2ac22ca1dd0df0453d3a80e0212815c20a16b0485 category: main optional: false - - name: pyasn1-modules - version: 0.3.0 + - name: libxcb + version: "1.15" manager: conda platform: osx-64 dependencies: - python: ">=3.6" - pyasn1: ">=0.4.6,<0.6.0" - url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-modules-0.3.0-pyhd8ed1ab_0.conda + pthread-stubs: "" + xorg-libxau: "" + xorg-libxdmcp: "" + url: https://conda.anaconda.org/conda-forge/osx-64/libxcb-1.15-hb7f2c08_0.conda hash: - md5: 26db749166cdca55e5ef1ffdc7767d0e - sha256: 7867ba43b6ef1e66054ca6b70f59bbef4cdb0cc761f0be3b66d79d15bd43143b + md5: 5513f57e0238c87c12dffedbcc9c1a4a + sha256: f41904f466acc8b3197f37f2dd3a08da75720c7f7464d9267635debc4ac1902b category: main optional: false - - name: pyobjc-core - version: "10.0" + - name: libxcb + version: "1.15" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - libffi: ">=3.4,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-64/pyobjc-core-10.0-py311hf110eff_0.conda + pthread-stubs: "" + xorg-libxau: "" + xorg-libxdmcp: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libxcb-1.15-hf346824_0.conda hash: - md5: d26705887703d13c655a6098516e06e2 - sha256: 031b8c48866f1f97a4a12d6a3ea0dc94cb6a735918871460b26f4779f5a01125 + md5: 988d5f86ab60fa6de91b3ee3a88a3af9 + sha256: 6eaa87760ff3e91bb5524189700139db46f8946ff6331f4e571e4a9356edbb0d category: main optional: false - - name: pyproject_hooks - version: 1.0.0 + - name: libxml2 + version: 2.11.6 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - tomli: ">=1.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/pyproject_hooks-1.0.0-pyhd8ed1ab_0.conda + icu: ">=73.2,<74.0a0" + libgcc-ng: ">=12" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + xz: ">=5.2.6,<6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libxml2-2.11.6-h232c23b_0.conda hash: - md5: 21de50391d584eb7f4441b9de1ad773f - sha256: 016340837fcfef57b351febcbe855eedf0c1f0ecfc910ed48c7fbd20535f9847 + md5: 427a3e59d66cb5d145020bd9c6493334 + sha256: e6183d5e57ee48cc1fc4340477c31a6bd8be4d3ba5dded82cbca0d5280591086 category: main optional: false - - name: pytest - version: 7.4.3 + - name: libxml2 + version: 2.11.6 manager: conda platform: osx-64 dependencies: - packaging: "" - colorama: "" - iniconfig: "" - python: ">=3.7" - exceptiongroup: ">=1.0.0rc8" - tomli: ">=1.0.0" - pluggy: ">=0.12,<2.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-7.4.3-pyhd8ed1ab_0.conda + icu: ">=73.2,<74.0a0" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + xz: ">=5.2.6,<6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libxml2-2.11.6-hc0ae0f7_0.conda hash: - md5: 5bdca0aca30b0ee62bb84854e027eae0 - sha256: 14e948e620ec87d9e62a8d9c21d40084b4805a939cfee322be7d457379dc96a0 + md5: 2b6ec8c6366ea74db4b910469addad1d + sha256: b5b1c3df3e6d0d294764938e79d7f413191cc5b1af2ede49f42b1df04d068a18 category: main optional: false - - name: python-dateutil - version: 2.8.2 + - name: libxml2 + version: 2.11.6 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - six: ">=1.5" - url: https://conda.anaconda.org/conda-forge/noarch/python-dateutil-2.8.2-pyhd8ed1ab_0.tar.bz2 + icu: ">=73.2,<74.0a0" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + xz: ">=5.2.6,<6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libxml2-2.11.6-h0d0cfa8_0.conda hash: - md5: dd999d1cc9f79e67dbb855c8924c7984 - sha256: 54d7785c7678166aa45adeaccfc1d2b8c3c799ca2dc05d4a82bb39b1968bd7da + md5: 37e112ce9494adfcee6c0c7bf3b5d98d + sha256: 07d2da8f3fb00fb6f84cd36b5329174b878105889f0fe21e79981f27573b47af category: main optional: false - - name: python-slugify - version: 8.0.1 + - name: libxslt + version: 1.1.37 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - text-unidecode: ">=1.3" - url: https://conda.anaconda.org/conda-forge/noarch/python-slugify-8.0.1-pyhd8ed1ab_2.conda + libgcc-ng: ">=12" + libxml2: ">=2.11.3,<2.12.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libxslt-1.1.37-h0054252_1.conda hash: - md5: 519897ff446e0dc056e12402e6785cd5 - sha256: 68ac5a6a467b9c0a98e326ec4cc8e3c01d4514f1200c1b44102923424e8ed1eb + md5: f27960e8873abb5476e96ef33bdbdccd + sha256: 98739c3a7e1f6a8fb05e0bf54784fec4dfa2a640e4680ad0efc5cb65f5581cc8 category: main optional: false - - name: pyu2f - version: 0.1.5 + - name: libxslt + version: 1.1.37 manager: conda platform: osx-64 dependencies: - six: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pyu2f-0.1.5-pyhd8ed1ab_0.tar.bz2 + libxml2: ">=2.11.3,<2.12.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libxslt-1.1.37-h20bfa82_1.conda hash: - md5: caabbeaa83928d0c3e3949261daa18eb - sha256: 667a5a30b65a60b15f38fa4cb09efd6d2762b5a0a9563acd9555eaa5e0b953a2 + md5: 177817e2ba32a7d5ffdfbcb876fd4f10 + sha256: 588c2b16f9f09e5cd86765d0e3ae83d9078cd89416f7453e939d22898280c009 category: main optional: false - - name: qtpy - version: 2.4.1 + - name: libxslt + version: 1.1.37 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - packaging: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/qtpy-2.4.1-pyhd8ed1ab_0.conda + libxml2: ">=2.11.3,<2.12.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libxslt-1.1.37-h1728932_1.conda hash: - md5: 7f391bd70d2abfb70f304ba5aa4e1261 - sha256: 925bf48e747af6ceff1b073c10b12fc94ef79c88a34729059d253e43466a33f1 + md5: 8483366e7b7ed525a5d17ef81c26b1f4 + sha256: 2e4501c208ada1fbce18ffbcbcb50bc258d51ad314cae262cce091bab304ace5 category: main optional: false - - name: referencing - version: 0.31.0 + - name: libzip + version: 1.10.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - attrs: ">=22.2.0" - rpds-py: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.0-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libzip-1.10.1-h2629f0a_3.conda hash: - md5: 38c2b9b24e9a58725a233f1fa32c23e9 - sha256: 108f27bf249a581acd0f1de0e1e6a4d814ab18943178c2d9a4df02f5c16d2102 + md5: ac79812548e7e8cf61f7b0abdef01d3b + sha256: 84e93f189072dcfcbe77744f19c7e4171523fbecfaba7352e5a23bbe014574c7 category: main optional: false - - name: restructuredtext_lint - version: 1.4.0 + - name: libzip + version: 1.10.1 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - docutils: ">=0.11,<1.0" - url: https://conda.anaconda.org/conda-forge/noarch/restructuredtext_lint-1.4.0-pyhd8ed1ab_0.tar.bz2 + bzip2: ">=1.0.8,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libzip-1.10.1-hc158999_3.conda hash: - md5: 1f3c21740038aba9c174df58986bdccb - sha256: 636ceefea3675cdd96e49e9bc344190dd72d722642c47597f7bfd30e7ceb2a33 + md5: 6112b3173f3aa2f12a8f40d07a77cc35 + sha256: 0689e4a6e67e80027e43eefb8a365273405a01f5ab2ece97319155b8be5d64f6 category: main optional: false - - name: rfc3339-validator - version: 0.1.4 + - name: libzip + version: 1.10.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - six: "" - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3339-validator-0.1.4-pyhd8ed1ab_0.tar.bz2 + bzip2: ">=1.0.8,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.2,<4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libzip-1.10.1-ha0bc3c6_3.conda hash: - md5: fed45fc5ea0813240707998abe49f520 - sha256: 7c7052b51de0b5c558f890bb11f8b5edbb9934a653d76be086b1182b9f54185d + md5: e37c0da207079e488709043634d6a711 + sha256: fb42f34c2275523a06bc8464454fa57f2417203524cabb7aacca4e5de6cfeb69 category: main optional: false - - name: rsa - version: "4.9" + - name: libzlib + version: 1.2.13 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - pyasn1: ">=0.1.3" - url: https://conda.anaconda.org/conda-forge/noarch/rsa-4.9-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/libzlib-1.2.13-hd590300_5.conda hash: - md5: 03bf410858b2cefc267316408a77c436 - sha256: 23214cdc15a41d14136754857fd9cd46ca3c55a7e751da3b3a48c673f0ee2a57 + md5: f36c115f1ee199da648e0597ec2047ad + sha256: 370c7c5893b737596fd6ca0d9190c9715d89d888b8c88537ae1ef168c25e82e4 category: main optional: false - - name: ruamel.yaml - version: 0.18.5 + - name: libzlib + version: 1.2.13 manager: conda platform: osx-64 - dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - ruamel.yaml.clib: ">=0.1.2" - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-64/ruamel.yaml-0.18.5-py311he705e18_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/libzlib-1.2.13-h8a1eda9_5.conda hash: - md5: b8e2686abf5f980d52579b28441953f9 - sha256: afdaab0d0f5a288b31450c3da260381da5916c61f122a0b3f5dea76d1ca863bb + md5: 4a3ad23f6e16f99c04e166767193d700 + sha256: fc58ad7f47ffea10df1f2165369978fba0a1cc32594aad778f5eec725f334867 category: main optional: false - - name: sqlalchemy - version: 1.4.49 + - name: libzlib + version: 1.2.13 manager: conda - platform: osx-64 - dependencies: - greenlet: "!=0.4.17" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/sqlalchemy-1.4.49-py311he705e18_1.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/libzlib-1.2.13-h53f4e23_5.conda hash: - md5: 04845132cd5d140b638c4927e1895e12 - sha256: 39569dfc13e742e1b61fcc92948e02bc7f361d05bb5100e5226251b70fcdf1af + md5: 1a47f5236db2e06a320ffa0392f81bd8 + sha256: ab1c8aefa2d54322a63aaeeefe9cf877411851738616c4068e0dccc66b9c758a category: main optional: false - - name: terminado - version: 0.18.0 + - name: linear-tsv + version: 1.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: "" - ptyprocess: "" - python: ">=3.8" - tornado: ">=6.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/terminado-0.18.0-pyh31c8845_0.conda + python: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/linear-tsv-1.1.0-py_1.tar.bz2 hash: - md5: 14759b57f5b9d97033e633fff0a2d27e - sha256: 8e8741c688ade9be8f86c0b209780c7fbe4a97e4265311ca9d8dda5fcedc6a28 + md5: 16491914064fdfe1b9a8fba94ac90e9a + sha256: 7d653455e3ab3bdbd064e5a8995cce6e657fb1b2fdd26f0bc62ed57687b16043 category: main optional: false - - name: tinycss2 - version: 1.2.1 + - name: linear-tsv + version: 1.1.0 manager: conda platform: osx-64 dependencies: - python: ">=3.5" - webencodings: ">=0.4" - url: https://conda.anaconda.org/conda-forge/noarch/tinycss2-1.2.1-pyhd8ed1ab_0.tar.bz2 + python: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/linear-tsv-1.1.0-py_1.tar.bz2 hash: - md5: 7234c9eefff659501cd2fe0d2ede4d48 - sha256: f0db1a2298a5e10e30f4b947566c7229442834702f549dded40a73ecdea7502d + md5: 16491914064fdfe1b9a8fba94ac90e9a + sha256: 7d653455e3ab3bdbd064e5a8995cce6e657fb1b2fdd26f0bc62ed57687b16043 category: main optional: false - - name: tqdm - version: 4.66.1 + - name: linear-tsv + version: 1.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - colorama: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tqdm-4.66.1-pyhd8ed1ab_0.conda + python: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/linear-tsv-1.1.0-py_1.tar.bz2 hash: - md5: 03c97908b976498dcae97eb4e4f3149c - sha256: b61c9222af05e8c5ff27e4a4d2eb81870c21ffd7478346be3ef644b7a3759cc4 + md5: 16491914064fdfe1b9a8fba94ac90e9a + sha256: 7d653455e3ab3bdbd064e5a8995cce6e657fb1b2fdd26f0bc62ed57687b16043 category: main optional: false - - name: typing-extensions - version: 4.8.0 + - name: llvm-openmp + version: 17.0.5 manager: conda platform: osx-64 - dependencies: - typing_extensions: 4.8.0 - url: https://conda.anaconda.org/conda-forge/noarch/typing-extensions-4.8.0-hd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/llvm-openmp-17.0.5-hb6ac08f_0.conda hash: - md5: 384462e63262a527bda564fa2d9126c0 - sha256: d6e1dddd0c372218ef15912383d351ac8c73465cbf16238017f0269813cafe2d + md5: 8ca3784280b7cb54163a46e8a918fb43 + sha256: 8ad5acab5d5fb38785c6f41e17e5e1729f305f4838cc3a4470688c6cf942c0da category: main optional: false - - name: typing_inspect - version: 0.9.0 + - name: llvm-openmp + version: 17.0.5 manager: conda - platform: osx-64 - dependencies: - python: ">=3.5" - typing_extensions: ">=3.7.4" - mypy_extensions: ">=0.3.0" - url: https://conda.anaconda.org/conda-forge/noarch/typing_inspect-0.9.0-pyhd8ed1ab_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/llvm-openmp-17.0.5-hcd81f8e_0.conda hash: - md5: 9e924b76b91908a17e28a19a0ab88687 - sha256: 16e0b825c138e14ebc84623248d91d93a8cff29bb93595cc4aa46ca32f24f1de + md5: 7307ed345b859c2d6680d277dfc13bdd + sha256: d6ac131d98df60c85206455f49fe1921a9eeef9962bbe1f06ada22573c09b0e6 category: main optional: false - - name: universal_pathlib - version: 0.1.4 + - name: llvmlite + version: 0.41.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8,<3.12" - fsspec: ">=2022.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/universal_pathlib-0.1.4-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libllvm14: ">=14.0.6,<14.1.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/llvmlite-0.41.1-py311ha6695c7_0.conda hash: - md5: 08ca974df312b574c4d6511426539a87 - sha256: ee5a8f423b7429e2ebc0051638875a69e4dc4558c07a26d3063866cebed5fb66 + md5: 60fa8c1f3fb0d99dd10a9af2aff9c400 + sha256: 6510aee9e700e3d000a5eb1ac39455c306572baac8ea3a708743890e16499cf1 category: main optional: false - - name: urllib3 - version: 1.26.18 + - name: llvmlite + version: 0.41.1 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - brotli-python: ">=1.0.9" - pysocks: ">=1.5.6,<2.0,!=1.5.7" - url: https://conda.anaconda.org/conda-forge/noarch/urllib3-1.26.18-pyhd8ed1ab_0.conda + libllvm14: ">=14.0.6,<14.1.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/llvmlite-0.41.1-py311hb5c2e0a_0.conda hash: - md5: bf61cfd2a7f212efba378167a07d4a6a - sha256: 1cc0bab65a6ad0f5a8bd7657760a4fb4e670d30377f9dab88b792977cb3687e7 + md5: 9a2b325146497a6197a2d44b8762ccb2 + sha256: 891153e5aef3ea6ffe53b52aa2244736ebad4771fa7a69c5887cbe76e03237bd category: main optional: false - - name: watchdog - version: 3.0.0 + - name: llvmlite + version: 0.41.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: + libllvm14: ">=14.0.6,<14.1.0a0" + libzlib: ">=1.2.13,<1.3.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - pyyaml: ">=3.10" - url: https://conda.anaconda.org/conda-forge/osx-64/watchdog-3.0.0-py311h5ef12f2_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/llvmlite-0.41.1-py311hf5d242d_0.conda hash: - md5: 32c15f3306fd2e9a9c2876f2fc33d5ed - sha256: e3c40135edb9399277f8afc7b5344b507e40a46cef2ade2d3185f951c884c72b + md5: 0ef98376c9ffd4d344d1de563f405406 + sha256: 5957c1bb252221a0ab595f0341d7ae465caf096532fbd4f2180aaa6857e6f032 category: main optional: false - - name: xerces-c - version: 3.2.4 + - name: locket + version: 1.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - icu: ">=73.2,<74.0a0" - libcurl: ">=8.2.1,<9.0a0" - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/xerces-c-3.2.4-h6314983_3.conda + python: ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" + url: https://conda.anaconda.org/conda-forge/noarch/locket-1.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 9623310baca5b47637cf46889bd77178 - sha256: 19f501a66a1ffdda31e0af7fe088a1de4405c6ce72f9a07ba0813ab8c2f0ada7 + md5: 91e27ef3d05cc772ce627e51cff111c4 + sha256: 9afe0b5cfa418e8bdb30d8917c5a6cec10372b037924916f1f85b9f4899a67a6 category: main optional: false - - name: yarl - version: 1.9.2 + - name: locket + version: 1.0.0 manager: conda platform: osx-64 dependencies: - idna: ">=2.0" - multidict: ">=4.0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/yarl-1.9.2-py311he705e18_1.conda + python: ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" + url: https://conda.anaconda.org/conda-forge/noarch/locket-1.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: ac4f2406c36c333c12544f6605563188 - sha256: 2f2a68c01850a0406e2ef71c07f8f4d7a338e6a98e906a042b5b7de48ba4a558 + md5: 91e27ef3d05cc772ce627e51cff111c4 + sha256: 9afe0b5cfa418e8bdb30d8917c5a6cec10372b037924916f1f85b9f4899a67a6 category: main optional: false - - name: addfips - version: 0.4.0 + - name: locket + version: 1.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - importlib_resources: ">=5.0" - python: ">=3.7.5" - url: https://conda.anaconda.org/conda-forge/noarch/addfips-0.4.0-pyhd8ed1ab_1.conda + python: ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" + url: https://conda.anaconda.org/conda-forge/noarch/locket-1.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: cb434d01bfd3ba57c54a423f3773ffda - sha256: c6f7bf91f19ad4fdd183efde6346a0dfd3df7929f413c9535e19c51610b4f671 + md5: 91e27ef3d05cc772ce627e51cff111c4 + sha256: 9afe0b5cfa418e8bdb30d8917c5a6cec10372b037924916f1f85b9f4899a67a6 category: main optional: false - - name: aniso8601 - version: 9.0.1 + - name: lxml + version: 4.9.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python-dateutil: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/aniso8601-9.0.1-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + libxml2: ">=2.11.5,<2.12.0a0" + libxslt: ">=1.1.37,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/lxml-4.9.3-py311h1a07684_1.conda hash: - md5: 36fba1a639f2d24723c5480345b78553 - sha256: 201c040b6ee0045805a777f75f37a8648eb8dfd4725d62a4fcddc24d7d6c2a9f - category: dev - optional: true - - name: argon2-cffi-bindings - version: 21.2.0 + md5: aab51e50d994e58efdfa5382139b0468 + sha256: 9ee461843278f695c5e301b4575e7dd02f69021e85023b62b17f7dfe2cd173e4 + category: main + optional: false + - name: lxml + version: 4.9.3 manager: conda platform: osx-64 dependencies: - cffi: ">=1.0.1" + libxml2: ">=2.11.5,<2.12.0a0" + libxslt: ">=1.1.37,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/argon2-cffi-bindings-21.2.0-py311h2725bcf_4.conda + url: https://conda.anaconda.org/conda-forge/osx-64/lxml-4.9.3-py311h19a211c_1.conda hash: - md5: e2aba0ad0f533ee73f9d4330d2e32549 - sha256: be27659496bcb660fc9c3f5f74128a7bb090336897e9c7cfbcc55ae66f13b8d8 + md5: d3687d6ebe20ef8bf959dba786cdb28e + sha256: df952e80dc9ca98fbff11c2627288808135b51d18fc363a102f3e58eac8b4113 category: main optional: false - - name: arrow - version: 1.3.0 + - name: lxml + version: 4.9.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - python-dateutil: ">=2.7.0" - types-python-dateutil: ">=2.8.10" - url: https://conda.anaconda.org/conda-forge/noarch/arrow-1.3.0-pyhd8ed1ab_0.conda + libxml2: ">=2.11.5,<2.12.0a0" + libxslt: ">=1.1.37,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/lxml-4.9.3-py311hbafe683_1.conda hash: - md5: b77d8c2313158e6e461ca0efb1c2c508 - sha256: ff49825c7f9e29e09afa6284300810e7a8640d621740efb47c4541f4dc4969db + md5: 5cfed11a5103844a5654446cf4d3f42a + sha256: e7ac6818b94242a5a1800a66d362a5e0262473e2399e731dd2061737b88c09b5 category: main optional: false - - name: async-timeout - version: 4.0.3 + - name: lz4-c + version: 1.9.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - typing-extensions: ">=3.6.5" - url: https://conda.anaconda.org/conda-forge/noarch/async-timeout-4.0.3-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/lz4-c-1.9.4-hcb278e6_0.conda hash: - md5: 3ce482ec3066e6d809dbbb1d1679f215 - sha256: bd8b698e7f037a9c6107216646f1191f4f7a7fc6da6c34d1a6d4c211bcca8979 + md5: 318b08df404f9c9be5712aaa5a6f0bb0 + sha256: 1b4c105a887f9b2041219d57036f72c4739ab9e9fe5a1486f094e58c76b31f5f category: main optional: false - - name: aws-crt-cpp - version: 0.24.7 + - name: lz4-c + version: 1.9.4 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - aws-c-auth: ">=0.7.7,<0.7.8.0a0" - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-c-mqtt: ">=0.9.9,<0.9.10.0a0" - aws-c-s3: ">=0.3.24,<0.3.25.0a0" - aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-crt-cpp-0.24.7-h0a75192_2.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/lz4-c-1.9.4-hf0c8a7f_0.conda hash: - md5: e32ea3580856d5e269fd107ea37f641a - sha256: ed33d09614d9133a440dd29ea804fc785311dcab6477f74d5fc278cdc887d5e1 + md5: aa04f7143228308662696ac24023f991 + sha256: 39aa0c01696e4e202bf5e337413de09dfeec061d89acd5f28e9968b4e93c3f48 category: main optional: false - - name: botocore - version: 1.32.3 + - name: lz4-c + version: 1.9.4 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - python-dateutil: ">=2.1,<3.0.0" - jmespath: ">=0.7.1,<2.0.0" - urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.3-pyhd8ed1ab_0.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/lz4-c-1.9.4-hb7217d7_0.conda hash: - md5: 475a711b6ce1effb487afda9ea6bd3c8 - sha256: 3fc12b5154c48132ce5bd9abdc5fc55ef4433d42245dbcdaf3065cabb60b8295 + md5: 45505bec548634f7d05e02fb25262cb9 + sha256: fc343b8c82efe40819b986e29ba748366514e5ab94a1e1138df195af5f45fa24 category: main optional: false - - name: branca - version: 0.7.0 + - name: lzo + version: "2.10" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - jinja2: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/branca-0.7.0-pyhd8ed1ab_1.conda + libgcc-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/lzo-2.10-h516909a_1000.tar.bz2 hash: - md5: 980ae382aec2ebb7c20e8848f4d695d7 - sha256: 9013b381e6745a7f717b7f742d3fe366ba619f1670da0d849ae589c4e88b0dbc + md5: bb14fcb13341b81d5eb386423b9d2bac + sha256: 25d16e6aaa3d0b450e61d0c4fadd7c9fd17f16e2fef09b34507209342d63c9f6 category: main optional: false - - name: croniter - version: 2.0.1 + - name: lzo + version: "2.10" manager: conda platform: osx-64 - dependencies: - python-dateutil: "" - python: ">=3.7" - pytz: ">2021.1" - url: https://conda.anaconda.org/conda-forge/noarch/croniter-2.0.1-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/lzo-2.10-haf1e3a3_1000.tar.bz2 hash: - md5: f67f52c1f555785b86c3bd8e5de4c66f - sha256: 0a39004b6e4ddff1a323432c0790d61a8885f35af9e60cc7e76ad8f6d43e3f34 + md5: 0b6bca372a95d6c602c7a922e928ce79 + sha256: c8a9401eff2efbbcc6da03d0066ee85d72402f7658c240e7968c64052a0d0493 category: main optional: false - - name: cryptography - version: 41.0.5 + - name: lzo + version: "2.10" manager: conda - platform: osx-64 - dependencies: - cffi: ">=1.12" - openssl: ">=3.1.4,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/cryptography-41.0.5-py311hd51016d_0.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/lzo-2.10-h642e427_1000.tar.bz2 hash: - md5: 99f1edef251a9fe4edf620b527ee70ea - sha256: 26ee22b99771f0d338eca6299cbe866f695c544d855d5eab82539497b0a24fc1 + md5: ddab5f96f5573a9bd5e24f9994fd6ec9 + sha256: ae029e5c16893071d29a11ddbfdbdb01b2ebf10d1785f54370934439d8b71817 category: main optional: false - - name: fqdn - version: 1.5.1 + - name: mako + version: 1.3.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - cached-property: ">=1.3.0" - python: ">=2.7,<4" - url: https://conda.anaconda.org/conda-forge/noarch/fqdn-1.5.1-pyhd8ed1ab_0.tar.bz2 + importlib-metadata: "" + markupsafe: ">=0.9.2" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/mako-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 642d35437078749ef23a5dca2c9bb1f3 - sha256: 6cfd1f9bcd2358a69fb571f4b3af049b630d52647d906822dbedac03e84e4f63 + md5: 92ca4a92d34ed6e8fa38d93c8552c346 + sha256: b3c0353790ae5a5ebb54aa339661083a6234e5193e758668e62ba36c48dc3c94 category: main optional: false - - name: geotiff - version: 1.7.1 + - name: mako + version: 1.3.0 manager: conda platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - proj: ">=9.3.0,<9.3.1.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/geotiff-1.7.1-h889ec99_14.conda + importlib-metadata: "" + python: ">=3.6" + markupsafe: ">=0.9.2" + url: https://conda.anaconda.org/conda-forge/noarch/mako-1.3.0-pyhd8ed1ab_0.conda hash: - md5: c994aeaa43a92403ecc723dba66b3f1f - sha256: 2d6d54763b4cc41a90d7ca810681c44eaff077027a7b6f5df676736fa0299746 + md5: 92ca4a92d34ed6e8fa38d93c8552c346 + sha256: b3c0353790ae5a5ebb54aa339661083a6234e5193e758668e62ba36c48dc3c94 category: main optional: false - - name: gitpython - version: 3.1.40 + - name: mako + version: 1.3.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing_extensions: ">=3.7.4.3" - gitdb: ">=4.0.1,<5" - url: https://conda.anaconda.org/conda-forge/noarch/gitpython-3.1.40-pyhd8ed1ab_0.conda + importlib-metadata: "" + python: ">=3.6" + markupsafe: ">=0.9.2" + url: https://conda.anaconda.org/conda-forge/noarch/mako-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 6bf74c3b7c13079a91d4bd3da51cefcf - sha256: 6b85809ffbfe5c1887b674bf0492cc4dd1ac8a25f4d9fa20ef404be92186259b + md5: 92ca4a92d34ed6e8fa38d93c8552c346 + sha256: b3c0353790ae5a5ebb54aa339661083a6234e5193e758668e62ba36c48dc3c94 category: main optional: false - - name: google-crc32c - version: 1.1.2 + - name: mapclassify + version: 2.6.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - cffi: ">=1.0.0" - libcrc32c: ">=1.1.2,<1.2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/google-crc32c-1.1.2-py311h0b57020_5.conda + networkx: ">=2.7" + numpy: ">=1.23" + pandas: ">=1.4,!=1.5.0" + python: ">=3.9" + scikit-learn: ">=1.0" + scipy: ">=1.8" + url: https://conda.anaconda.org/conda-forge/noarch/mapclassify-2.6.1-pyhd8ed1ab_0.conda hash: - md5: bc176084bd6ba0a97bfdead25850957a - sha256: 76bb1245e20a8e63d671fd6343cc87417156a66197d85d47e9d2288731ba784a + md5: 6aceae1ad4f16cf7b73ee04189947f98 + sha256: 204ab8b242229d422b33cfec07ea61cefa8bd22375a16658afbabaafce031d64 category: main optional: false - - name: googleapis-common-protos - version: 1.61.0 + - name: mapclassify + version: 2.6.1 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda + python: ">=3.9" + scikit-learn: ">=1.0" + scipy: ">=1.8" + numpy: ">=1.23" + networkx: ">=2.7" + pandas: ">=1.4,!=1.5.0" + url: https://conda.anaconda.org/conda-forge/noarch/mapclassify-2.6.1-pyhd8ed1ab_0.conda hash: - md5: f315d7fdc1905dcc2e18a1c7bed22fa9 - sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e + md5: 6aceae1ad4f16cf7b73ee04189947f98 + sha256: 204ab8b242229d422b33cfec07ea61cefa8bd22375a16658afbabaafce031d64 category: main optional: false - - name: gql - version: 3.4.1 + - name: mapclassify + version: 2.6.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - graphql-core: ">=3.2,<3.3" - yarl: ">=1.6,<2.0" - backoff: ">=1.11.1,<3.0" - url: https://conda.anaconda.org/conda-forge/noarch/gql-3.4.1-pyhd8ed1ab_0.conda + python: ">=3.9" + scikit-learn: ">=1.0" + scipy: ">=1.8" + numpy: ">=1.23" + networkx: ">=2.7" + pandas: ">=1.4,!=1.5.0" + url: https://conda.anaconda.org/conda-forge/noarch/mapclassify-2.6.1-pyhd8ed1ab_0.conda hash: - md5: 6ad94588f33ddb97175c7f22feef7d2c - sha256: 6025dcd91083fe1d3f38172d18d041b0c1da4d9d86606a18312efd429c99b93e - category: dev - optional: true - - name: graphql-relay - version: 3.2.0 + md5: 6aceae1ad4f16cf7b73ee04189947f98 + sha256: 204ab8b242229d422b33cfec07ea61cefa8bd22375a16658afbabaafce031d64 + category: main + optional: false + - name: markdown-it-py + version: 3.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - graphql-core: ">=3.2,<3.3" - typing_extensions: ">=4.1,<5" - url: https://conda.anaconda.org/conda-forge/noarch/graphql-relay-3.2.0-pyhd8ed1ab_0.tar.bz2 + mdurl: ">=0.1,<1" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/markdown-it-py-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 1b2b83e3528f8fb83007161eff51073d - sha256: 04f2a3383e74421441e46eaed4c32940682c1de82036fd1b6f18663d6d5447c4 - category: dev - optional: true - - name: grpcio-health-checking - version: 1.59.2 + md5: 93a8e71256479c62074356ef6ebf501b + sha256: c041b0eaf7a6af3344d5dd452815cdc148d6284fec25a4fa3f4263b3a021e962 + category: main + optional: false + - name: markdown-it-py + version: 3.0.0 manager: conda platform: osx-64 dependencies: - python: ">=3.5" - protobuf: ">=3.12.1" - grpcio: ">=1.59.2" - url: https://conda.anaconda.org/conda-forge/noarch/grpcio-health-checking-1.59.2-pyhd8ed1ab_0.conda + python: ">=3.8" + mdurl: ">=0.1,<1" + url: https://conda.anaconda.org/conda-forge/noarch/markdown-it-py-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 8b85dc4c1a577f1823b394d5071052de - sha256: b77ffee9cbd731caa6eca7487286bc65551729744a89ecb3335ca220fec4061d + md5: 93a8e71256479c62074356ef6ebf501b + sha256: c041b0eaf7a6af3344d5dd452815cdc148d6284fec25a4fa3f4263b3a021e962 category: main optional: false - - name: httpcore - version: 1.0.2 + - name: markdown-it-py + version: 3.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - certifi: "" python: ">=3.8" - sniffio: 1.* - h2: ">=3,<5" - anyio: ">=3.0,<5.0" - h11: ">=0.13,<0.15" - url: https://conda.anaconda.org/conda-forge/noarch/httpcore-1.0.2-pyhd8ed1ab_0.conda + mdurl: ">=0.1,<1" + url: https://conda.anaconda.org/conda-forge/noarch/markdown-it-py-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 48995b2157996a94f50fa483d884e0a3 - sha256: b9a2ec0ecdaf54d67caf73d8a94c8ddba62f482093a5adbfb89c2ce020d64475 + md5: 93a8e71256479c62074356ef6ebf501b + sha256: c041b0eaf7a6af3344d5dd452815cdc148d6284fec25a4fa3f4263b3a021e962 category: main optional: false - - name: importlib_metadata - version: 6.8.0 + - name: marko + version: 2.0.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - importlib-metadata: ">=6.8.0,<6.8.1.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/importlib_metadata-6.8.0-hd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/marko-2.0.2-pyhd8ed1ab_0.conda hash: - md5: b279b07ce18058034e5b3606ba103a8b - sha256: b96e01dc42d547d6d9ceb1c5b52a5232cc04e40153534350f702c3e0418a6b3f + md5: de3ec39d37f7721b36c2e7dcced43429 + sha256: 382a48b5b00a08e6347dd8a2e8a8cd362900974b1f8d4b2d96b6ad009c2fd4f4 category: main optional: false - - name: jsonschema-specifications - version: 2023.11.1 + - name: marko + version: 2.0.2 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - importlib_resources: ">=1.4.0" - referencing: ">=0.31.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/marko-2.0.2-pyhd8ed1ab_0.conda hash: - md5: 094ff9cf36957f95bb74cee42ab140b2 - sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 + md5: de3ec39d37f7721b36c2e7dcced43429 + sha256: 382a48b5b00a08e6347dd8a2e8a8cd362900974b1f8d4b2d96b6ad009c2fd4f4 category: main optional: false - - name: jupyter_server_terminals - version: 0.4.4 + - name: marko + version: 2.0.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - terminado: ">=0.8.3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server_terminals-0.4.4-pyhd8ed1ab_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/marko-2.0.2-pyhd8ed1ab_0.conda hash: - md5: 7c0965e1d4a0ee1529e8eaa03a78a5b3 - sha256: 9f4c5fef9beef9fceed628db7a10b888f3308b37ae257ad3d50046088317ebf1 + md5: de3ec39d37f7721b36c2e7dcced43429 + sha256: 382a48b5b00a08e6347dd8a2e8a8cd362900974b1f8d4b2d96b6ad009c2fd4f4 category: main optional: false - - name: kealib - version: 1.5.2 + - name: markupsafe + version: 2.1.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/kealib-1.5.2-h052fcf7_1.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/markupsafe-2.1.3-py311h459d7ec_1.conda hash: - md5: 346aec056b5619302c4aa538fbee4bdf - sha256: b3982fad0bcbe07a8129d93b1977f3a8a26ea96aa5aae7ee1395917a2cac2db2 + md5: 71120b5155a0c500826cf81536721a15 + sha256: e1a9930f35e39bf65bc293e24160b83ebf9f800f02749f65358e1c04882ee6b0 category: main optional: false - - name: libnetcdf - version: 4.9.2 + - name: markupsafe + version: 2.1.3 manager: conda platform: osx-64 dependencies: - blosc: ">=1.21.4,<2.0a0" - bzip2: ">=1.0.8,<2.0a0" - hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" - libaec: ">=1.0.6,<2.0a0" - libcurl: ">=8.2.1,<9.0a0" - libcxx: ">=15.0.7" - libxml2: ">=2.11.5,<2.12.0a0" - libzip: ">=1.10.1,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - zlib: "" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libnetcdf-4.9.2-nompi_h6a32802_112.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/markupsafe-2.1.3-py311h2725bcf_1.conda hash: - md5: 413f9a35e9f888163b922ea6cfafb9da - sha256: 8b1bfc9322bd4f9fe770461fac5b75b1888ccdbdf72b2d2a2bec1e1c13e05f48 + md5: 52ee86f482b552e547e2b1d6c01adf55 + sha256: 5a8f8caa89eeba6ea6e9e96d3e7c109b675bc3c6ed4b109b8931757da2411d48 category: main optional: false - - name: libspatialite - version: 5.1.0 + - name: markupsafe + version: 2.1.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - freexl: ">=2.0.0,<3.0a0" - geos: ">=3.12.0,<3.12.1.0a0" - libcxx: ">=16.0.6" - libiconv: ">=1.17,<2.0a0" - librttopo: ">=1.1.0,<1.2.0a0" - libsqlite: ">=3.44.0,<4.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - proj: ">=9.3.0,<9.3.1.0a0" - sqlite: "" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/libspatialite-5.1.0-h4a59d8e_1.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/markupsafe-2.1.3-py311heffc1b2_1.conda hash: - md5: 606bfbfee0ea2acb14adfca6b484223e - sha256: 7857801563bc23c3bfa547aa160852b637ff9c34723bba62c566ea6d9eaaf980 + md5: 5a7b68cb9eea46bea31aaf2d11d0dd2f + sha256: 307c1e3b2e4a2a992a6c94975910adff88cc523e2c9a41e81b2d506d8c9e7359 category: main optional: false - - name: mako - version: 1.3.0 + - name: matplotlib-base + version: 3.8.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - importlib-metadata: "" - python: ">=3.6" - markupsafe: ">=0.9.2" - url: https://conda.anaconda.org/conda-forge/noarch/mako-1.3.0-pyhd8ed1ab_0.conda + certifi: ">=2020.06.20" + contourpy: ">=1.0.1" + cycler: ">=0.10" + fonttools: ">=4.22.0" + freetype: ">=2.12.1,<3.0a0" + kiwisolver: ">=1.3.1" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" + packaging: ">=20.0" + pillow: ">=8" + pyparsing: ">=2.3.1" + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.7" + python_abi: 3.11.* + tk: ">=8.6.13,<8.7.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/matplotlib-base-3.8.2-py311h54ef318_0.conda hash: - md5: 92ca4a92d34ed6e8fa38d93c8552c346 - sha256: b3c0353790ae5a5ebb54aa339661083a6234e5193e758668e62ba36c48dc3c94 + md5: 9f80753bc008bfc9b95f39d9ff9f1694 + sha256: 69319da0e6bad1711cac1573710370f31e9630fe6c972ff7eac95649e0c04114 category: main optional: false - - name: numpy - version: 1.26.0 + - name: matplotlib-base + version: 3.8.2 manager: conda platform: osx-64 dependencies: - libblas: ">=3.9.0,<4.0a0" - libcblas: ">=3.9.0,<4.0a0" - libcxx: ">=15.0.7" - liblapack: ">=3.9.0,<4.0a0" + __osx: ">=10.9" + certifi: ">=2020.06.20" + contourpy: ">=1.0.1" + cycler: ">=0.10" + fonttools: ">=4.22.0" + freetype: ">=2.12.1,<3.0a0" + kiwisolver: ">=1.3.1" + libcxx: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + packaging: ">=20.0" + pillow: ">=8" + pyparsing: ">=2.3.1" python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.7" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/numpy-1.26.0-py311hc44ba51_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/matplotlib-base-3.8.2-py311hd316c10_0.conda hash: - md5: f95605c5b73f5f6a0f5f1b0aabfc2f39 - sha256: 517cb22d5594fdb934523dd1951929961f686b5d994c684201acbf282433ec9b + md5: 26921b949e2f6f74bc66483372cbd18a + sha256: b863c66fa22f39b0bf240520f6d710d6bd634096e6e4a95c4815fcc7e0abad42 category: main optional: false - - name: pango - version: 1.50.14 + - name: matplotlib-base + version: 3.8.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - cairo: ">=1.16.0,<2.0a0" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" + __osx: ">=10.9" + certifi: ">=2020.06.20" + contourpy: ">=1.0.1" + cycler: ">=0.10" + fonttools: ">=4.22.0" freetype: ">=2.12.1,<3.0a0" - fribidi: ">=1.0.10,<2.0a0" - harfbuzz: ">=8.1.1,<9.0a0" - libglib: ">=2.76.4,<3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/pango-1.50.14-h19c1c8a_2.conda + kiwisolver: ">=1.3.1" + libcxx: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + packaging: ">=20.0" + pillow: ">=8" + pyparsing: ">=2.3.1" + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.7" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/matplotlib-base-3.8.2-py311hfdba5f6_0.conda hash: - md5: bf0d46d9e97cb3ae5ad7ee4b688929a9 - sha256: 639abd1c1d383fe047462ab7233b6857702d1bf40f229c337d3b59d1e5476a71 - category: dev - optional: true - - name: pbr - version: 6.0.0 + md5: 2531c01b5d6066fb5283639d7a923779 + sha256: fa0ca87917aa449f7d7d6fb3941d0b01e0e9712342a9891af5540647f3398ece + category: main + optional: false + - name: matplotlib-inline + version: 0.1.6 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - pip: "" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pbr-6.0.0-pyhd8ed1ab_0.conda + traitlets: "" + url: https://conda.anaconda.org/conda-forge/noarch/matplotlib-inline-0.1.6-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8dbab5ba746ed14aa32cb232dc437f8f - sha256: 4c83853fc6349de163c2871613e064e5fdab91723db9b50bcda681adc05e4b87 + md5: b21613793fcc81d944c76c9f2864a7de + sha256: aa091b88aec55bfa2d9207028d8cdc689b9efb090ae27b99557e93c675be2f3c category: main optional: false - - name: pendulum - version: 2.1.2 + - name: matplotlib-inline + version: 0.1.6 manager: conda platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.6,<3.0" - python_abi: 3.11.* - pytzdata: ">=2020.1" - url: https://conda.anaconda.org/conda-forge/osx-64/pendulum-2.1.2-py311h2725bcf_6.conda + traitlets: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/matplotlib-inline-0.1.6-pyhd8ed1ab_0.tar.bz2 hash: - md5: 451e4c395833a2cbdc1e25bfc768798d - sha256: 1ed3d1795718a165f94da87486025ddfbdf96ac74e9bbb5eb65f3369b7193c0b + md5: b21613793fcc81d944c76c9f2864a7de + sha256: aa091b88aec55bfa2d9207028d8cdc689b9efb090ae27b99557e93c675be2f3c category: main optional: false - - name: platformdirs - version: 3.11.0 + - name: matplotlib-inline + version: 0.1.6 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - typing-extensions: ">=4.6.3" - url: https://conda.anaconda.org/conda-forge/noarch/platformdirs-3.11.0-pyhd8ed1ab_0.conda + traitlets: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/matplotlib-inline-0.1.6-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8f567c0a74aa44cf732f15773b4083b0 - sha256: b3d809ff5a18ee8514bba8bc05a23b4cdf1758090a18a2cf742af38aed405144 + md5: b21613793fcc81d944c76c9f2864a7de + sha256: aa091b88aec55bfa2d9207028d8cdc689b9efb090ae27b99557e93c675be2f3c category: main optional: false - - name: psycopg2-binary - version: 2.9.7 + - name: mdurl + version: 0.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: python: ">=3.6" - psycopg2: ">=2.9.7,<2.9.8.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda + url: https://conda.anaconda.org/conda-forge/noarch/mdurl-0.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 0212a5c5ae1ab578853364bfc5d9f657 - sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 + md5: f8dab71fdc13b1bf29a01248b156d268 + sha256: c678b9194e025b1fb665bec30ee20aab93399203583875b1dcc0a3b52a8f5523 category: main optional: false - - name: pybtex - version: 0.24.0 + - name: mdurl + version: 0.1.0 manager: conda platform: osx-64 dependencies: - setuptools: "" - six: "" python: ">=3.6" - latexcodec: ">=1.0.4" - pyyaml: ">=3.01" - url: https://conda.anaconda.org/conda-forge/noarch/pybtex-0.24.0-pyhd8ed1ab_2.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/mdurl-0.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2099b86a7399c44c0c61cdb6de6915ba - sha256: 258fbf46050bbd51fbaa504116e56e8f3064156f0e08cad4e2fec97f5f29e6dc + md5: f8dab71fdc13b1bf29a01248b156d268 + sha256: c678b9194e025b1fb665bec30ee20aab93399203583875b1dcc0a3b52a8f5523 category: main optional: false - - name: pydantic - version: 1.10.13 + - name: mdurl + version: 0.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - typing-extensions: ">=4.2.0" - url: https://conda.anaconda.org/conda-forge/osx-64/pydantic-1.10.13-py311he705e18_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/mdurl-0.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: ca0cd7b41964ce9a7b80290ea85e22e9 - sha256: c55ab5f7d182421a5c11f70afc32425fa192f1e40de5c301f685b25bdc3391a8 + md5: f8dab71fdc13b1bf29a01248b156d268 + sha256: c678b9194e025b1fb665bec30ee20aab93399203583875b1dcc0a3b52a8f5523 category: main optional: false - - name: pyobjc-framework-cocoa - version: "10.0" + - name: mergedeep + version: 1.3.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libffi: ">=3.4,<4.0a0" - pyobjc-core: 10.0.* - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/pyobjc-framework-cocoa-10.0-py311hf110eff_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/mergedeep-1.3.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8fb67274a648901045368717d6221aed - sha256: 54530c1b3bfc361e027adbd8f9d9a23e7c102c7f58c04a169da1457f82975724 + md5: 1a160a3cab5cb6bd46264b52cd6f69a2 + sha256: 41ad8c16876820981adfc6e17a62935c950214bd9a9bb092e6aaefdc89a33f0b category: main optional: false - - name: pyproj - version: 3.6.1 + - name: mergedeep + version: 1.3.4 manager: conda platform: osx-64 dependencies: - certifi: "" - proj: ">=9.3.0,<9.3.1.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/pyproj-3.6.1-py311he36daed_4.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/mergedeep-1.3.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 28930c73c9c05d44d053620d44397b79 - sha256: d1d44bb257545006b128d30b4454c42e3f7cd133a1c53998afcf7253529f8263 + md5: 1a160a3cab5cb6bd46264b52cd6f69a2 + sha256: 41ad8c16876820981adfc6e17a62935c950214bd9a9bb092e6aaefdc89a33f0b category: main optional: false - - name: pytest-console-scripts - version: 1.4.1 + - name: mergedeep + version: 1.3.4 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - importlib-metadata: ">=3.6" - pytest: ">=4.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-console-scripts-1.4.1-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/mergedeep-1.3.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: ee8808504c73665bed76e20ede28bd56 - sha256: d6603e211019f2581c9f3c0922133b190a46e4ceaad3e3e0e6149f31bc593fa1 + md5: 1a160a3cab5cb6bd46264b52cd6f69a2 + sha256: 41ad8c16876820981adfc6e17a62935c950214bd9a9bb092e6aaefdc89a33f0b category: main optional: false - - name: pytest-cov - version: 4.1.0 + - name: minizip + version: 4.0.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - toml: "" - python: ">=3.7" - pytest: ">=4.6" - coverage: ">=5.2.1" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-cov-4.1.0-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libgcc-ng: ">=12" + libiconv: ">=1.17,<2.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/minizip-4.0.3-h0ab5242_0.conda hash: - md5: 06eb685a3a0b146347a58dda979485da - sha256: f07d3b44cabbed7843de654c4a6990a08475ce3b708bb735c7da9842614586f2 + md5: 3f9b5f4400be3cee11b426a8cd653b7c + sha256: cf33c24fa8375d17fad4e1da631b4c2e8ed9a109480fa45c82fbfa2a7c5bdd41 category: main optional: false - - name: pytest-mock - version: 3.12.0 + - name: minizip + version: 4.0.3 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - pytest: ">=5.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-mock-3.12.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + bzip2: ">=1.0.8,<2.0a0" + libcxx: ">=16.0.6" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/minizip-4.0.3-h23f18a7_0.conda hash: - md5: ac9fedc9a0c397f2318e82525491dd83 - sha256: 58d3bd93a0cf9b51ac105de1e01b1fcd1fcfa5993023b67658344e329b02d6e0 + md5: 2facac17555d3078a0abfbe20a331086 + sha256: 779cdb3ee14c653b6094414c251164b2398e50b825ba44455c67e7deeb6e48e1 category: main optional: false - - name: pytest-xdist - version: 3.4.0 + - name: minizip + version: 4.0.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - execnet: ">=1.1" - pytest: ">=6.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-xdist-3.4.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + bzip2: ">=1.0.8,<2.0a0" + libcxx: ">=16.0.6" + libiconv: ">=1.17,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + xz: ">=5.2.6,<6.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/minizip-4.0.3-hd5cad61_0.conda hash: - md5: b8dc6f9db1b9670e564b68277a79ffeb - sha256: b835170885a0d2b4bfdc7bc5d09e5a175518f41b6ffa1a0ac891797cd94e3292 + md5: 8f1bf9ea12bca129b7a3d49eec9efd76 + sha256: 9db88831aa3485d98cad155d989d4de45edfec13e6cbe81b0093ba7e6ba8817d category: main optional: false - - name: python-build - version: 1.0.3 + - name: mistune + version: 3.0.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - colorama: "" - pyproject_hooks: "" python: ">=3.7" - tomli: ">=1.1.0" - packaging: ">=19.0" - importlib-metadata: ">=4.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-build-1.0.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/mistune-3.0.2-pyhd8ed1ab_0.conda hash: - md5: d9ccabf228cb98419ca3d5694b25e1a2 - sha256: f32748beb76abf5173ee956f30a82c9e9b4a3d9924b0960f1e19e267ea4f01de + md5: 5cbee699846772cc939bef23a0d524ed + sha256: f95cb70007e3cc2ba44e17c29a056b499e6dadf08746706d0c817c8e2f47e05c category: main optional: false - - name: requests - version: 2.31.0 + - name: mistune + version: 3.0.2 manager: conda platform: osx-64 dependencies: python: ">=3.7" - idna: ">=2.5,<4" - certifi: ">=2017.4.17" - charset-normalizer: ">=2,<4" - urllib3: ">=1.21.1,<3" - url: https://conda.anaconda.org/conda-forge/noarch/requests-2.31.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/mistune-3.0.2-pyhd8ed1ab_0.conda hash: - md5: a30144e4156cdbb236f99ebb49828f8b - sha256: 9f629d6fd3c8ac5f2a198639fe7af87c4db2ac9235279164bfe0fcb49d8c4bad + md5: 5cbee699846772cc939bef23a0d524ed + sha256: f95cb70007e3cc2ba44e17c29a056b499e6dadf08746706d0c817c8e2f47e05c category: main optional: false - - name: rich - version: 13.7.0 + - name: mistune + version: 3.0.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7.0" - typing_extensions: ">=4.0.0,<5.0.0" - pygments: ">=2.13.0,<3.0.0" - markdown-it-py: ">=2.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/rich-13.7.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/mistune-3.0.2-pyhd8ed1ab_0.conda hash: - md5: d7a11d4f3024b2f4a6e0ae7377dd61e9 - sha256: 4bb25bf1f5664772b2c4c2e3878aa6e7dc2695f97e3da4ee8e47c51e179913bb + md5: 5cbee699846772cc939bef23a0d524ed + sha256: f95cb70007e3cc2ba44e17c29a056b499e6dadf08746706d0c817c8e2f47e05c category: main optional: false - - name: stack_data - version: 0.6.2 + - name: more-itertools + version: 10.1.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - asttokens: "" - executing: "" - pure_eval: "" - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/stack_data-0.6.2-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/more-itertools-10.1.0-pyhd8ed1ab_0.conda hash: - md5: e7df0fdd404616638df5ece6e69ba7af - sha256: a58433e75229bec39f3be50c02efbe9b7083e53a1f31d8ee247564f370191eec + md5: 8549fafed0351bbfaa1ddaa15fdf9b4e + sha256: 07ce65497dec537e490992758934ddbc4fb5ed9285b41387a7cca966f1a98a0f category: main optional: false - - name: starlette - version: 0.32.0.post1 + - name: more-itertools + version: 10.1.0 manager: conda platform: osx-64 dependencies: python: ">=3.8" - typing_extensions: ">=3.10.0" - anyio: <5,>=3.4.0 - url: https://conda.anaconda.org/conda-forge/noarch/starlette-0.32.0.post1-pyhd8ed1ab_0.conda - hash: - md5: 9aa6d56db739eee2ff473becbe178fd1 - sha256: 9692b83467670b473dc71137376f735249ef2ee6eeefce9068b0dec94810c24c - category: dev - optional: true - - name: tiledb - version: 2.16.3 - manager: conda - platform: osx-64 - dependencies: - __osx: ">=10.13" - bzip2: ">=1.0.8,<2.0a0" - libabseil: ">=20230802.0,<20230803.0a0" - libcxx: ">=15.0.7" - libgoogle-cloud: ">=2.12.0,<2.13.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - openssl: ">=3.1.2,<4.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/tiledb-2.16.3-hd3a41d5_3.conda + url: https://conda.anaconda.org/conda-forge/noarch/more-itertools-10.1.0-pyhd8ed1ab_0.conda hash: - md5: 53c2d2746f21a60d0c498c36fb32ec56 - sha256: 9144ad40adb982107dd4f5084d1e488b216025eed91a3feeb3506ee4d5bc98dd + md5: 8549fafed0351bbfaa1ddaa15fdf9b4e + sha256: 07ce65497dec537e490992758934ddbc4fb5ed9285b41387a7cca966f1a98a0f category: main optional: false - - name: ukkonen - version: 1.0.1 + - name: more-itertools + version: 10.1.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - cffi: "" - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/ukkonen-1.0.1-py311h5fe6e05_4.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/more-itertools-10.1.0-pyhd8ed1ab_0.conda hash: - md5: 8f750b84128d48dc8376572c5eace61e - sha256: b273782a1277042a54e12411beebd378d2a2a69e503bcf147766e98628e91c91 + md5: 8549fafed0351bbfaa1ddaa15fdf9b4e + sha256: 07ce65497dec537e490992758934ddbc4fb5ed9285b41387a7cca966f1a98a0f category: main optional: false - - name: uvicorn - version: 0.24.0 + - name: msgpack-python + version: 1.0.6 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - click: ">=7.0" - h11: ">=0.8" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-0.24.0-py311h6eed73b_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/msgpack-python-1.0.6-py311h9547e67_0.conda hash: - md5: 62249aa566e8be9286966278a6582e1a - sha256: ab7aa3875fbafd7912b97616573741508e140446fa9819ba870788677ba8fba3 + md5: e826b71bf3dc8c91ee097663e2bcface + sha256: da765eabe27d8adec5bcce30ea1a0b9308d01640089d039f06bef2cc5ef63f46 category: main optional: false - - name: watchfiles - version: 0.20.0 + - name: msgpack-python + version: 1.0.6 manager: conda platform: osx-64 dependencies: - anyio: ">=3.0.0" + libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/watchfiles-0.20.0-py311h299eb51_2.conda - hash: - md5: f9c3352b6007cb4d6db914f9814d0c3b - sha256: 1426317d424057bb6dedd463481202521bde50fd965940ce0b42fe71d5d20751 - category: dev - optional: true - - name: wcwidth - version: 0.2.10 - manager: conda - platform: osx-64 - dependencies: - backports.functools_lru_cache: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/wcwidth-0.2.10-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/msgpack-python-1.0.6-py311h5fe6e05_0.conda hash: - md5: 48978e4e99db7d1ee0d277f6dee20684 - sha256: e988673c05416073d0e776bac223b6c79fb5cc1207291c6c6f9e238624a135c0 + md5: 6824682c6f6e412cf20fe71f14035cb0 + sha256: 7e61fa3dc3dc8a063d5df8ef64f5b33e04fb8ef9fd1c07577891cd0e0edfcdb5 category: main optional: false - - name: aiohttp - version: 3.8.6 + - name: msgpack-python + version: 1.0.6 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - aiosignal: ">=1.1.2" - async-timeout: <5.0,>=4.0.0a3 - attrs: ">=17.3.0" - charset-normalizer: ">=2.0,<4.0" - frozenlist: ">=1.1.1" - multidict: ">=4.5,<7.0" + libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - yarl: ">=1.0,<2.0" - url: https://conda.anaconda.org/conda-forge/osx-64/aiohttp-3.8.6-py311he705e18_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/msgpack-python-1.0.6-py311he4fd1f5_0.conda hash: - md5: 5319ce185be1f2c4d1b19b95488c02a8 - sha256: e2f3b1c8fe44daf016396f6a49e80c84aeb9621d2812bec15e4d1873e5972b58 + md5: f53f91443f7a3e2f0370fcb1709561ed + sha256: bcc4d2d6d70a0a3ccb503517ce4cc85d14d5b33fab48287a75d14976a10da892 category: main optional: false - - name: alembic - version: 1.12.1 + - name: multidict + version: 6.0.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - importlib-metadata: "" - importlib_resources: "" - mako: "" - python: ">=3.7" - sqlalchemy: ">=1.3.0" - typing-extensions: ">=4" - url: https://conda.anaconda.org/conda-forge/noarch/alembic-1.12.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/multidict-6.0.4-py311h459d7ec_1.conda hash: - md5: 15de9992b4096a2a6656ca202fde6e4c - sha256: 24019b1af4777e32843b230dd7a9bf7082943eb21bba03379ceed0bda50facf9 + md5: 3dc76316237c8f7e7231d61b76c62b7c + sha256: 5bb152aab8fa22d68ce0c802a9990c406eb60a8041660071de0bd30a5cd5081c category: main optional: false - - name: arelle-release - version: 2.17.4 + - name: multidict + version: 6.0.4 manager: conda platform: osx-64 dependencies: - certifi: "" - regex: "" - python: ">=3.8" - numpy: 1.* - python-dateutil: 2.* - isodate: 0.* - lxml: 4.* - openpyxl: 3.* - pyparsing: 3.* - url: https://conda.anaconda.org/conda-forge/noarch/arelle-release-2.17.4-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/multidict-6.0.4-py311h5547dcb_1.conda hash: - md5: 66972cbec7556aa94aba3da76b408f19 - sha256: a30a66c040021c396a99bf862ad78181a4888e67b2ac51ac7e21422c4165986c + md5: cb1b7c247fe38eb522cc6690101702b0 + sha256: 3c002c9cc1ddc4344da606d7b75a65e04e707c20ccc3fb0cef5a29b62872d4e9 category: main optional: false - - name: argon2-cffi - version: 23.1.0 + - name: multidict + version: 6.0.4 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - typing-extensions: "" - argon2-cffi-bindings: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/argon2-cffi-23.1.0-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/multidict-6.0.4-py311he2be06e_1.conda hash: - md5: 3afef1f55a1366b4d3b6a0d92e2235e4 - sha256: 130766446f5507bd44df957b6b5c898a8bd98f024bb426ed6cb9ff1ad67fc677 + md5: 8713dd014bb36a581c42dcbe9c4a5216 + sha256: a58bfc6c78b60ff31507c6b8412ad56df02d3fe5675fbb70a89f8e39c498018f category: main optional: false - - name: aws-sdk-cpp - version: 1.11.182 + - name: multimethod + version: 1.9.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/aws-sdk-cpp-1.11.182-h28d282b_7.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/multimethod-1.9.1-pyhd8ed1ab_0.conda hash: - md5: 131091ac3ecfe9c409088e1b3861f064 - sha256: 57029820f9e2af9f735ea2afcd8eeeeb3bac74e52e1ba6ec5666276b8e6e67f8 + md5: 48223af3f697ccd9b114adb6a66e0f11 + sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b category: main optional: false - - name: black - version: 23.10.1 + - name: multimethod + version: 1.9.1 manager: conda platform: osx-64 dependencies: - click: ">=8.0.0" - mypy_extensions: ">=0.4.3" - packaging: ">=22.0" - pathspec: ">=0.9" - platformdirs: ">=2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/black-23.10.1-py311h6eed73b_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/multimethod-1.9.1-pyhd8ed1ab_0.conda hash: - md5: c802bfc16625b15e57e4d2d05bee622a - sha256: e6c81cc86c288f2d15852dc0068caa5acae3700eff57eeeeb5742844b1048b2b + md5: 48223af3f697ccd9b114adb6a66e0f11 + sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b category: main optional: false - - name: bottleneck - version: 1.3.7 + - name: multimethod + version: 1.9.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/bottleneck-1.3.7-py311h4a70a88_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/multimethod-1.9.1-pyhd8ed1ab_0.conda hash: - md5: a51cbb557788277233420f12ced6e461 - sha256: d61205023dacfc1733c6904cf5fa261e66049f1e407958e6e71d55903f193931 + md5: 48223af3f697ccd9b114adb6a66e0f11 + sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b category: main optional: false - - name: cachecontrol - version: 0.13.1 + - name: munch + version: 4.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - msgpack-python: ">=0.5.2" - requests: ">=2.16.0" - url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-0.13.1-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda hash: - md5: 174bd699bb5aa9e2622eb4b288276ff8 - sha256: aae7ab3a54989f9bf9273e4a17c911ba339a8b9354250bc11fb8eff2e3f4be60 + md5: 376b32e8f9d3eacbd625f37d39bd507d + sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 category: main optional: false - - name: contourpy - version: 1.2.0 + - name: munch + version: 4.0.0 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - numpy: ">=1.20,<2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/contourpy-1.2.0-py311h7bea37d_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda hash: - md5: 6711c052d956af4973a16749236a0387 - sha256: 40bca4a644e0c0b0e6d58cef849ba02d4f218af715f7a5787d41845797f3b8a9 + md5: 376b32e8f9d3eacbd625f37d39bd507d + sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 category: main optional: false - - name: dask-core - version: 2023.11.0 + - name: munch + version: 4.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.9" - packaging: ">=20.0" - pyyaml: ">=5.3.1" - cloudpickle: ">=1.5.0" - toolz: ">=0.10.0" - partd: ">=1.2.0" - importlib_metadata: ">=4.13.0" - fsspec: ">=2021.09.0" - click: ">=8.1" - url: https://conda.anaconda.org/conda-forge/noarch/dask-core-2023.11.0-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda hash: - md5: 3bf8f5c3fbab9e0cfffdf5914f021854 - sha256: f23b4e5d8f118d9d7916d8def04dab9a299d73879216da72dd7168c1c30ecb9e + md5: 376b32e8f9d3eacbd625f37d39bd507d + sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 category: main optional: false - - name: dnspython - version: 2.4.2 + - name: munkres + version: 1.1.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - sniffio: "" - python: ">=3.8.0,<4.0.0" - cryptography: ">=2.6,<42.0" - httpcore: ">=0.17.3" - idna: ">=2.1,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/dnspython-2.4.2-pyhd8ed1ab_1.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/munkres-1.1.4-pyh9f0ad1d_0.tar.bz2 hash: - md5: b9657eab1e69207feba4f21fa1207b03 - sha256: eb7de9ddc2c3a5aef78d6c74d2652ada0e1d47e11304953e65b3c7dfd8290f18 + md5: 2ba8498c1018c1e9c61eb99b973dfe19 + sha256: f86fb22b58e93d04b6f25e0d811b56797689d598788b59dcb47f59045b568306 category: main optional: false - - name: ensureconda - version: 1.4.3 + - name: munkres + version: 1.1.4 manager: conda platform: osx-64 dependencies: - appdirs: "" - filelock: "" - python: ">=3.7" - requests: ">=2" - click: ">=5.1" - url: https://conda.anaconda.org/conda-forge/noarch/ensureconda-1.4.3-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/munkres-1.1.4-pyh9f0ad1d_0.tar.bz2 hash: - md5: c99ae3abf501990769047b4b40a98f17 - sha256: b71784b6c24d2320b2f796d074e75e7dd1be7b7fc0f719c5cf3a582270b368d6 + md5: 2ba8498c1018c1e9c61eb99b973dfe19 + sha256: f86fb22b58e93d04b6f25e0d811b56797689d598788b59dcb47f59045b568306 category: main optional: false - - name: folium - version: 0.15.0 + - name: munkres + version: 1.1.4 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - numpy: "" - requests: "" - python: ">=3.7" - jinja2: ">=2.9" - branca: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/folium-0.15.0-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/munkres-1.1.4-pyh9f0ad1d_0.tar.bz2 hash: - md5: 25f5dbce4f946240dea7d2ee79d34254 - sha256: afe869f136fca1dbda8be0c342392fda99d951c4c4612f134a70efbf5449ef30 + md5: 2ba8498c1018c1e9c61eb99b973dfe19 + sha256: f86fb22b58e93d04b6f25e0d811b56797689d598788b59dcb47f59045b568306 category: main optional: false - - name: google-resumable-media - version: 2.6.0 + - name: mypy_extensions + version: 1.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.7" - google-crc32c: ">=1.0,<2.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-resumable-media-2.6.0-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/mypy_extensions-1.0.0-pyha770c72_0.conda hash: - md5: 74fd9d08866e60fc412abc8dd7c5486c - sha256: 9e61d4ac7027b6447e83ab4b91fccc4baef6d1ba9490e20d06754254f7616bf5 + md5: 4eccaeba205f0aed9ac3a9ea58568ca3 + sha256: f240217476e148e825420c6bc3a0c0efb08c0718b7042fae960400c02af858a3 category: main optional: false - - name: graphene - version: "3.3" + - name: mypy_extensions + version: 1.0.0 manager: conda platform: osx-64 dependencies: - python: ">=3.6" - aniso8601: ">=8,<10" - graphql-core: ">=3.1,<3.3" - graphql-relay: ">=3.1,<3.3" - url: https://conda.anaconda.org/conda-forge/noarch/graphene-3.3-pyhd8ed1ab_0.conda - hash: - md5: ed2ae94977dfd96566e6eaf373216728 - sha256: 8b4e2c1d326849c0094f9e96a9833addb10f638be67bb0590836720879697ec6 - category: dev - optional: true - - name: grpcio-status - version: 1.59.2 + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/mypy_extensions-1.0.0-pyha770c72_0.conda + hash: + md5: 4eccaeba205f0aed9ac3a9ea58568ca3 + sha256: f240217476e148e825420c6bc3a0c0efb08c0718b7042fae960400c02af858a3 + category: main + optional: false + - name: mypy_extensions + version: 1.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - googleapis-common-protos: ">=1.5.5" - protobuf: ">=4.21.6" - grpcio: ">=1.59.2" - url: https://conda.anaconda.org/conda-forge/noarch/grpcio-status-1.59.2-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/mypy_extensions-1.0.0-pyha770c72_0.conda hash: - md5: 5bed0b44f99ef55c0470d2c610fbbac6 - sha256: 9513c5dd0f7fbdba8dfe70ed4e1f7591fa1c49520e06f9f0202c514475dd4257 + md5: 4eccaeba205f0aed9ac3a9ea58568ca3 + sha256: f240217476e148e825420c6bc3a0c0efb08c0718b7042fae960400c02af858a3 category: main optional: false - - name: gtk2 - version: 2.24.33 + - name: nbclient + version: 0.8.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - atk-1.0: ">=2.36.0" - cairo: ">=1.16.0,<2.0.0a0" - gdk-pixbuf: ">=2.42.6,<3.0a0" - gettext: ">=0.19.8.1,<1.0a0" - libglib: ">=2.70.2,<3.0a0" - pango: ">=1.50.3,<1.51.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/gtk2-2.24.33-h7c1209e_2.tar.bz2 + jupyter_client: ">=6.1.12" + jupyter_core: ">=4.12,!=5.0.*" + nbformat: ">=5.1" + python: ">=3.8" + traitlets: ">=5.4" + url: https://conda.anaconda.org/conda-forge/noarch/nbclient-0.8.0-pyhd8ed1ab_0.conda hash: - md5: 307614630946527e302b7dd042a5cfa2 - sha256: 4f5f5116c5c81a4bfcc01ea9eb9e489346a87d7248eb44963f6552ae0fb3a984 - category: dev - optional: true - - name: h3-py - version: 3.7.6 + md5: e78da91cf428faaf05701ce8cc8f2f9b + sha256: 4ebd237cdf4bfa5226f92d2ae78fab8dba27696909391884dc6594ca6f9df5ff + category: main + optional: false + - name: nbclient + version: 0.8.0 manager: conda platform: osx-64 dependencies: - libcxx: ">=15.0.7" - numpy: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/h3-py-3.7.6-py311hdf8f085_1.conda + python: ">=3.8" + jupyter_client: ">=6.1.12" + jupyter_core: ">=4.12,!=5.0.*" + nbformat: ">=5.1" + traitlets: ">=5.4" + url: https://conda.anaconda.org/conda-forge/noarch/nbclient-0.8.0-pyhd8ed1ab_0.conda hash: - md5: 491ef24fdb3c14d9c8d22efc62a181fb - sha256: 4803456649a538b04b0860e69c3222dead62c364c4af2ccd4ae89d78368f2a2f + md5: e78da91cf428faaf05701ce8cc8f2f9b + sha256: 4ebd237cdf4bfa5226f92d2ae78fab8dba27696909391884dc6594ca6f9df5ff category: main optional: false - - name: httpx - version: 0.25.1 + - name: nbclient + version: 0.8.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - certifi: "" - idna: "" - httpcore: "" - anyio: "" - sniffio: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/httpx-0.25.1-pyhd8ed1ab_0.conda + jupyter_client: ">=6.1.12" + jupyter_core: ">=4.12,!=5.0.*" + nbformat: ">=5.1" + traitlets: ">=5.4" + url: https://conda.anaconda.org/conda-forge/noarch/nbclient-0.8.0-pyhd8ed1ab_0.conda hash: - md5: 3e00320730cb93fa4941a0cbea0db572 - sha256: fbf9e61459b65022eecbdbb19ec2dc83740374e7db981732d687456e5bcdff72 + md5: e78da91cf428faaf05701ce8cc8f2f9b + sha256: 4ebd237cdf4bfa5226f92d2ae78fab8dba27696909391884dc6594ca6f9df5ff category: main optional: false - - name: identify - version: 2.5.31 + - name: nbconvert + version: 7.11.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - ukkonen: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.31-pyhd8ed1ab_0.conda + nbconvert-core: 7.11.0 + nbconvert-pandoc: 7.11.0 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-7.11.0-pyhd8ed1ab_0.conda hash: - md5: fea10604a45e974b110ea15a88913ebc - sha256: a56ec678a4e58d0a450174fd813581e961829def274453e093c9dae836b80cee + md5: e492b36cbea1c83d1663fa73a8abff9b + sha256: 6af7048b30c0ce6746297548df981037802f713853a1e856aedd2f8164946d39 category: main optional: false - - name: isoduration - version: 20.11.0 + - name: nbconvert + version: 7.11.0 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - arrow: ">=0.15.0" - url: https://conda.anaconda.org/conda-forge/noarch/isoduration-20.11.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.8" + nbconvert-core: 7.11.0 + nbconvert-pandoc: 7.11.0 + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-7.11.0-pyhd8ed1ab_0.conda hash: - md5: 4cb68948e0b8429534380243d063a27a - sha256: 7bb5c4d994361022f47a807b5e7d101b3dce16f7dd8a0af6ffad9f479d346493 + md5: e492b36cbea1c83d1663fa73a8abff9b + sha256: 6af7048b30c0ce6746297548df981037802f713853a1e856aedd2f8164946d39 category: main optional: false - - name: jsonschema - version: 4.20.0 + - name: nbconvert + version: 7.11.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: python: ">=3.8" - attrs: ">=22.2.0" - importlib_resources: ">=1.4.0" - pkgutil-resolve-name: ">=1.3.10" - jsonschema-specifications: ">=2023.03.6" - referencing: ">=0.28.4" - rpds-py: ">=0.7.1" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-4.20.0-pyhd8ed1ab_0.conda + nbconvert-core: 7.11.0 + nbconvert-pandoc: 7.11.0 + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-7.11.0-pyhd8ed1ab_0.conda hash: - md5: 1116d79def5268414fb0917520b2bbf1 - sha256: 77aae609097d06deedb8ef8407a44b23d5fef95962ba6fe1c959ac7bd6195296 + md5: e492b36cbea1c83d1663fa73a8abff9b + sha256: 6af7048b30c0ce6746297548df981037802f713853a1e856aedd2f8164946d39 category: main optional: false - - name: jupyter_core - version: 5.5.0 + - name: nbconvert-core + version: 7.11.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - platformdirs: ">=2.5" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/osx-64/jupyter_core-5.5.0-py311h6eed73b_0.conda + beautifulsoup4: "" + bleach: "" + defusedxml: "" + entrypoints: ">=0.2.2" + jinja2: ">=3.0" + jupyter_core: ">=4.7" + jupyterlab_pygments: "" + markupsafe: ">=2.0" + mistune: ">=2.0.3,<4" + nbclient: ">=0.5.0" + nbformat: ">=5.1" + packaging: "" + pandocfilters: ">=1.4.1" + pygments: ">=2.4.1" + python: ">=3.8" + tinycss2: "" + traitlets: ">=5.0" + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-core-7.11.0-pyhd8ed1ab_0.conda hash: - md5: d7ee59df3fd2eec8dd60c1fcfa29a73d - sha256: d570b1554e3fd90085db1eb23ba61d595f1e588865b603ab193c73a2db50b64d + md5: d59e0cb1ca993f8f910cfdf393232acf + sha256: 81732e083c4c85a52248e20ff0e40a14b0b49db9cc7ce414e8aa7d6f8980dad0 category: main optional: false - - name: keyring - version: 24.3.0 + - name: nbconvert-core + version: 7.11.0 manager: conda platform: osx-64 dependencies: - importlib_metadata: ">=4.11.4" - jaraco.classes: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/keyring-24.3.0-py311h6eed73b_0.conda + packaging: "" + beautifulsoup4: "" + defusedxml: "" + bleach: "" + tinycss2: "" + jupyterlab_pygments: "" + python: ">=3.8" + jinja2: ">=3.0" + entrypoints: ">=0.2.2" + traitlets: ">=5.0" + markupsafe: ">=2.0" + pandocfilters: ">=1.4.1" + jupyter_core: ">=4.7" + nbformat: ">=5.1" + pygments: ">=2.4.1" + nbclient: ">=0.5.0" + mistune: ">=2.0.3,<4" + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-core-7.11.0-pyhd8ed1ab_0.conda hash: - md5: 2477bfca2a6eae7d1b72530225febae6 - sha256: 1cafeae8549f6f04da024dd2863f027b587018c7a1a570399e366053bc2cf16c + md5: d59e0cb1ca993f8f910cfdf393232acf + sha256: 81732e083c4c85a52248e20ff0e40a14b0b49db9cc7ce414e8aa7d6f8980dad0 category: main optional: false - - name: libgdal - version: 3.8.0 + - name: nbconvert-core + version: 7.11.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - blosc: ">=1.21.5,<2.0a0" - cfitsio: ">=4.3.0,<4.3.1.0a0" - freexl: ">=2.0.0,<3.0a0" - geos: ">=3.12.0,<3.12.1.0a0" - geotiff: ">=1.7.1,<1.8.0a0" - giflib: ">=5.2.1,<5.3.0a0" - hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" - json-c: ">=0.17,<0.18.0a0" - kealib: ">=1.5.2,<1.6.0a0" - lerc: ">=4.0.0,<5.0a0" - libaec: ">=1.1.2,<2.0a0" - libarchive: ">=3.7.2,<3.8.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libdeflate: ">=1.19,<1.20.0a0" - libexpat: ">=2.5.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libkml: ">=1.3.0,<1.4.0a0" - libnetcdf: ">=4.9.2,<4.9.3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libpq: ">=16.1,<17.0a0" - libspatialite: ">=5.1.0,<5.2.0a0" - libsqlite: ">=3.44.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - openjpeg: ">=2.5.0,<3.0a0" - openssl: ">=3.1.4,<4.0a0" - pcre2: ">=10.42,<10.43.0a0" - poppler: ">=23.11.0,<23.12.0a0" - postgresql: "" - proj: ">=9.3.0,<9.3.1.0a0" - tiledb: ">=2.16,<2.17.0a0" - xerces-c: ">=3.2.4,<3.3.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libgdal-3.8.0-h1c9f6b2_4.conda + packaging: "" + beautifulsoup4: "" + defusedxml: "" + bleach: "" + tinycss2: "" + jupyterlab_pygments: "" + python: ">=3.8" + jinja2: ">=3.0" + entrypoints: ">=0.2.2" + traitlets: ">=5.0" + markupsafe: ">=2.0" + pandocfilters: ">=1.4.1" + jupyter_core: ">=4.7" + nbformat: ">=5.1" + pygments: ">=2.4.1" + nbclient: ">=0.5.0" + mistune: ">=2.0.3,<4" + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-core-7.11.0-pyhd8ed1ab_0.conda hash: - md5: aba2a8c1f0c3d63568a973dbcf728910 - sha256: a4f1cb12cc0f42bfc0f56f4a8a4c80d750536b8efe7e8163c68f21af1533ccc9 + md5: d59e0cb1ca993f8f910cfdf393232acf + sha256: 81732e083c4c85a52248e20ff0e40a14b0b49db9cc7ce414e8aa7d6f8980dad0 category: main optional: false - - name: librsvg - version: 2.56.3 + - name: nbconvert-pandoc + version: 7.11.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - cairo: ">=1.16.0,<2.0a0" - gdk-pixbuf: ">=2.42.10,<3.0a0" - gettext: ">=0.21.1,<1.0a0" - libglib: ">=2.76.4,<3.0a0" - libxml2: ">=2.11.4,<2.12.0a0" - pango: ">=1.50.14,<2.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/librsvg-2.56.3-hec3db73_0.conda + nbconvert-core: 7.11.0 + pandoc: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-pandoc-7.11.0-pyhd8ed1ab_0.conda hash: - md5: c6ab56c808493cbd88267fad5297c3c1 - sha256: 031f377db78d673b89ec837efed3d794d7abd0ce787c2527153a15197e29d3c8 - category: dev - optional: true - - name: numba - version: 0.58.1 + md5: 51bd005efab7e5c5c2af2570327bd213 + sha256: 377d3c3f973b6885406ff6606d24c5e1fbd0d0fdc64c0dc17162f6daf35e08cf + category: main + optional: false + - name: nbconvert-pandoc + version: 7.11.0 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - llvm-openmp: ">=17.0.4" - llvmlite: ">=0.41.1,<0.42.0a0" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/numba-0.58.1-py311h32f2313_0.conda + pandoc: "" + python: ">=3.8" + nbconvert-core: 7.11.0 + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-pandoc-7.11.0-pyhd8ed1ab_0.conda hash: - md5: 97c10727b2fd55e61eaf35ea97811662 - sha256: bc318713a7bd89922b28636d5c9e56efdc9cd86361c0b2f2a3dcb0a9ffe4d8cb + md5: 51bd005efab7e5c5c2af2570327bd213 + sha256: 377d3c3f973b6885406ff6606d24c5e1fbd0d0fdc64c0dc17162f6daf35e08cf category: main optional: false - - name: numexpr - version: 2.8.7 + - name: nbconvert-pandoc + version: 7.11.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/numexpr-2.8.7-py311h1eadf79_4.conda + pandoc: "" + python: ">=3.8" + nbconvert-core: 7.11.0 + url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-pandoc-7.11.0-pyhd8ed1ab_0.conda hash: - md5: 1e4eb39eb67cd4786fa381214810a9e1 - sha256: acc0dd347f2c1a373caf7633a87ee5203b89013edbd9d605e8327f5bc30df8db + md5: 51bd005efab7e5c5c2af2570327bd213 + sha256: 377d3c3f973b6885406ff6606d24c5e1fbd0d0fdc64c0dc17162f6daf35e08cf category: main optional: false - - name: oauthlib - version: 3.2.2 + - name: nbformat + version: 5.9.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - cryptography: "" - blinker: "" - python: ">=3.6" - pyjwt: ">=1.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/oauthlib-3.2.2-pyhd8ed1ab_0.tar.bz2 + jsonschema: ">=2.6" + jupyter_core: "" + python: ">=3.8" + python-fastjsonschema: "" + traitlets: ">=5.1" + url: https://conda.anaconda.org/conda-forge/noarch/nbformat-5.9.2-pyhd8ed1ab_0.conda hash: - md5: 8f882b197fd9c4941a787926baea4868 - sha256: 0cfd5146a91d3974f4abfc2a45de890371d510a77238fe553e036ec8c031dc5b + md5: 61ba076de6530d9301a0053b02f093d2 + sha256: fc82c5a9116820757b03ffb836b36f0f50e4cd390018024dbadb0ee0217f6992 category: main optional: false - - name: pandas - version: 2.1.3 + - name: nbformat + version: 5.9.2 manager: conda platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.8.1" - python-tzdata: ">=2022a" - python_abi: 3.11.* - pytz: ">=2020.1" - url: https://conda.anaconda.org/conda-forge/osx-64/pandas-2.1.3-py311h1eadf79_0.conda + jupyter_core: "" + python-fastjsonschema: "" + python: ">=3.8" + traitlets: ">=5.1" + jsonschema: ">=2.6" + url: https://conda.anaconda.org/conda-forge/noarch/nbformat-5.9.2-pyhd8ed1ab_0.conda hash: - md5: 0a1ea4be8bcc907018694b5d04ac3036 - sha256: 2ca591570ce60be45eae8e5d39a07f08390e9ecc18997f66cb3d712953c09724 + md5: 61ba076de6530d9301a0053b02f093d2 + sha256: fc82c5a9116820757b03ffb836b36f0f50e4cd390018024dbadb0ee0217f6992 category: main optional: false - - name: prompt-toolkit - version: 3.0.41 + - name: nbformat + version: 5.9.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - wcwidth: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/prompt-toolkit-3.0.41-pyha770c72_0.conda + jupyter_core: "" + python-fastjsonschema: "" + python: ">=3.8" + traitlets: ">=5.1" + jsonschema: ">=2.6" + url: https://conda.anaconda.org/conda-forge/noarch/nbformat-5.9.2-pyhd8ed1ab_0.conda hash: - md5: f511a993aa4336bef9dd874ee3403e67 - sha256: e26a5554883a0eada3641b6d861d8cb4895e2c7fcc17a587de07b8b1ecbfff0f + md5: 61ba076de6530d9301a0053b02f093d2 + sha256: fc82c5a9116820757b03ffb836b36f0f50e4cd390018024dbadb0ee0217f6992 category: main optional: false - - name: pybtex-docutils - version: 1.0.3 + - name: ncurses + version: "6.4" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - docutils: ">=0.14" - pybtex: ">=0.16" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-64/pybtex-docutils-1.0.3-py311h6eed73b_1.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/ncurses-6.4-h59595ed_2.conda hash: - md5: 36996441974a061f9e0b600741599585 - sha256: 13b6ee67378fee966f8783cb482ce57a647ee0c6d7d1e7dedee754408521641f + md5: 7dbaa197d7ba6032caf7ae7f32c1efa0 + sha256: 91cc03f14caf96243cead96c76fe91ab5925a695d892e83285461fb927dece5e category: main optional: false - - name: pyopenssl - version: 23.3.0 + - name: ncurses + version: "6.4" manager: conda platform: osx-64 dependencies: - python: ">=3.7" - cryptography: ">=41.0.5,<42" - url: https://conda.anaconda.org/conda-forge/noarch/pyopenssl-23.3.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + url: https://conda.anaconda.org/conda-forge/osx-64/ncurses-6.4-h93d8f39_2.conda hash: - md5: 7819533e674dbbc51468f3228b9b1bb6 - sha256: f7e04c4a49b1593140231d70801e2204e314e26d7141bfbdc8089d04114c0010 + md5: e58f366bd4d767e9ab97ab8b272e7670 + sha256: ea0fca66bbb52a1ef0687d466518fe120b5f279684effd6fd336a7b0dddc423a category: main optional: false - - name: readthedocs-sphinx-ext - version: 2.2.3 + - name: ncurses + version: "6.4" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - requests: "" - packaging: "" - python: ">=3.6" - jinja2: ">=2.9" - url: https://conda.anaconda.org/conda-forge/noarch/readthedocs-sphinx-ext-2.2.3-pyhd8ed1ab_0.conda + __osx: ">=10.9" + url: https://conda.anaconda.org/conda-forge/osx-arm64/ncurses-6.4-h463b476_2.conda hash: - md5: 6bc1a00f5502f9ed13526e4c6bea6900 - sha256: 464cfb706266a2dfbee7d0226c83114c9868a65f9fc7e05b223faac8bd2b3f8e + md5: 52b6f254a7b9663e854f44b6570ed982 + sha256: f6890634f815e8408d08f36503353f8dfd7b055e4c3b9ea2ee52180255cf4b0a category: main optional: false - - name: requests-toolbelt - version: 0.10.1 + - name: nest-asyncio + version: 1.5.8 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.6" - requests: ">=2.0.1,<=3.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/requests-toolbelt-0.10.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/nest-asyncio-1.5.8-pyhd8ed1ab_0.conda hash: - md5: a4cd20af9711434f89d1ec0d2b3ae6ba - sha256: 7f4c9c829add7a65a1f536c30539c541bb3c9dddbd03d7ba318f224b4add0d6d - category: dev - optional: true - - name: responses - version: 0.24.1 + md5: a4f0e4519bc50eee4f53f689be9607f7 + sha256: d7b795b4e754136841c6da3f9fa1a0f7ec37bc7167e7dd68c5b45e657133e008 + category: main + optional: false + - name: nest-asyncio + version: 1.5.8 manager: conda platform: osx-64 dependencies: - pyyaml: "" - typing_extensions: "" - types-pyyaml: "" - python: ">=3.7" - requests: ">=2.30.0,<3.0" - urllib3: ">=1.25.10,<3.0" - url: https://conda.anaconda.org/conda-forge/noarch/responses-0.24.1-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/nest-asyncio-1.5.8-pyhd8ed1ab_0.conda hash: - md5: b1b80aaa77d5e83183cd0c9e9025b1fa - sha256: 35a1cc20beca329bfa2b17feeb5ca66a2741bdccf39621dfe386f48206e73d67 + md5: a4f0e4519bc50eee4f53f689be9607f7 + sha256: d7b795b4e754136841c6da3f9fa1a0f7ec37bc7167e7dd68c5b45e657133e008 category: main optional: false - - name: s3transfer - version: 0.7.0 + - name: nest-asyncio + version: 1.5.8 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - botocore: ">=1.12.36,<2.0a.0" - url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/nest-asyncio-1.5.8-pyhd8ed1ab_0.conda hash: - md5: 5fe335cb1420d13a818fe01310af2b80 - sha256: 5ed09d013ad7f2c2f65d1637c04ee19da242ef9bed0d86aa9faae2c48aaa255d + md5: a4f0e4519bc50eee4f53f689be9607f7 + sha256: d7b795b4e754136841c6da3f9fa1a0f7ec37bc7167e7dd68c5b45e657133e008 category: main optional: false - - name: scipy - version: 1.11.3 + - name: networkx + version: 3.2.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - libblas: ">=3.9.0,<4.0a0" - libcblas: ">=3.9.0,<4.0a0" - libcxx: ">=15.0.7" - libgfortran: 5.* - libgfortran5: ">=13.2.0" - liblapack: ">=3.9.0,<4.0a0" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/scipy-1.11.3-py311h16c3c4d_1.conda + python: ">=3.9" + url: https://conda.anaconda.org/conda-forge/noarch/networkx-3.2.1-pyhd8ed1ab_0.conda hash: - md5: 77164acef9bc09545bd3324a8f986be5 - sha256: 78270d60ea00482b4f64a4b2d5d4e432f48125f6b76780e2094c8363ad48b611 + md5: 425fce3b531bed6ec3c74fab3e5f0a1c + sha256: 7629aa4f9f8cdff45ea7a4701fe58dccce5bf2faa01c26eb44cbb27b7e15ca9d category: main optional: false - - name: send2trash - version: 1.8.2 + - name: networkx + version: 3.2.1 manager: conda platform: osx-64 dependencies: - __osx: "" - pyobjc-framework-cocoa: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/send2trash-1.8.2-pyhd1c38e8_0.conda + python: ">=3.9" + url: https://conda.anaconda.org/conda-forge/noarch/networkx-3.2.1-pyhd8ed1ab_0.conda hash: - md5: 2657c3de5371c571aef6678afb4aaadd - sha256: dca4022bae47618ed738ab7d45ead5202d174b741cfb98e4484acdc6e76da32a + md5: 425fce3b531bed6ec3c74fab3e5f0a1c + sha256: 7629aa4f9f8cdff45ea7a4701fe58dccce5bf2faa01c26eb44cbb27b7e15ca9d category: main optional: false - - name: shapely - version: 2.0.2 + - name: networkx + version: 3.2.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - geos: ">=3.12.0,<3.12.1.0a0" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/shapely-2.0.2-py311h359915d_0.conda + python: ">=3.9" + url: https://conda.anaconda.org/conda-forge/noarch/networkx-3.2.1-pyhd8ed1ab_0.conda hash: - md5: 5569c5122a7938835a8a7c498aaded67 - sha256: 240cca365e75d5f5aa09ee62c95813288d3652f666a1ab227015195316b8f9fe + md5: 425fce3b531bed6ec3c74fab3e5f0a1c + sha256: 7629aa4f9f8cdff45ea7a4701fe58dccce5bf2faa01c26eb44cbb27b7e15ca9d category: main optional: false - - name: stevedore - version: 5.1.0 + - name: nodeenv + version: 1.8.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - pbr: "!=2.1.0,>=2.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/stevedore-5.1.0-pyhd8ed1ab_0.conda + python: 2.7|>=3.7 + setuptools: "" + url: https://conda.anaconda.org/conda-forge/noarch/nodeenv-1.8.0-pyhd8ed1ab_0.conda hash: - md5: 55864c50fd9354fd19f6a5078a068170 - sha256: 69b779f4cdb0b84f87067414bcccaffc83c6d734dac84523c40115c383a2e2d5 + md5: 2a75b296096adabbabadd5e9782e5fcc + sha256: 1320306234552717149f36f825ddc7e27ea295f24829e9db4cc6ceaff0b032bd category: main optional: false - - name: typeguard - version: 4.1.5 + - name: nodeenv + version: 1.8.0 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - importlib_metadata: ">=3.6" - typing_extensions: ">=4.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/typeguard-4.1.5-pyhd8ed1ab_1.conda + setuptools: "" + python: 2.7|>=3.7 + url: https://conda.anaconda.org/conda-forge/noarch/nodeenv-1.8.0-pyhd8ed1ab_0.conda hash: - md5: 59d22e0ca481b057b94d54fc9ebacb13 - sha256: df63f90625d2eaefcb6990437b941c1c90ec3c224bc65a2becac928542d0aa5f + md5: 2a75b296096adabbabadd5e9782e5fcc + sha256: 1320306234552717149f36f825ddc7e27ea295f24829e9db4cc6ceaff0b032bd category: main optional: false - - name: typer - version: 0.9.0 + - name: nodeenv + version: 1.8.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - typing-extensions: ">=3.7.4.3" - colorama: ">=0.4.3,<0.5.0" - shellingham: ">=1.3.0,<2.0.0" - rich: ">=10.11.0,<14.0.0" - click: ">=7.1.1,<9" - url: https://conda.anaconda.org/conda-forge/noarch/typer-0.9.0-pyhd8ed1ab_0.conda + setuptools: "" + python: 2.7|>=3.7 + url: https://conda.anaconda.org/conda-forge/noarch/nodeenv-1.8.0-pyhd8ed1ab_0.conda hash: - md5: 5030a13b2fe5e143d5956d4943d3018f - sha256: d395e1e92281abb13e043220ecf8ea973ada8d38a1e8c683df14f46541c64bd2 + md5: 2a75b296096adabbabadd5e9782e5fcc + sha256: 1320306234552717149f36f825ddc7e27ea295f24829e9db4cc6ceaff0b032bd category: main optional: false - - name: uvicorn-standard - version: 0.24.0 + - name: nodejs + version: 20.9.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - httptools: ">=0.5.0" - python-dotenv: ">=0.13" - python_abi: 3.11.* - pyyaml: ">=5.1" - uvicorn: 0.24.0 - uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" - watchfiles: ">=0.13" - websockets: ">=10.4" - url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-standard-0.24.0-h6eed73b_0.conda + __glibc: ">=2.17,<3.0.a0" + icu: ">=73.2,<74.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libuv: ">=1.46.0,<1.47.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/nodejs-20.9.0-hb753e55_0.conda hash: - md5: fcfded7537383dc21fc53708048fb40f - sha256: 30476332eed1f448bfe769dcdf8a5a68e55587980026eae317c2a84b17daac2b - category: dev - optional: true - - name: virtualenv - version: 20.24.6 + md5: ddfcb003b0a6804fabe7dfbf1be16651 + sha256: 4d35f8151f83bc561e4bcb41b46dcf77ec708c88eb333d1376f37371288f46ad + category: main + optional: false + - name: nodejs + version: 20.9.0 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - distlib: <1,>=0.3.7 - filelock: <4,>=3.12.2 - platformdirs: <4,>=3.9.1 - url: https://conda.anaconda.org/conda-forge/noarch/virtualenv-20.24.6-pyhd8ed1ab_0.conda + __osx: ">=10.9" + icu: ">=73.2,<74.0a0" + libcxx: ">=16.0.6" + libuv: ">=1.46.0,<1.47.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/nodejs-20.9.0-h9adec40_0.conda hash: - md5: fb1fc875719e217ed799a7aae11d3be4 - sha256: 09492f89a22dc17d9b32f2a791deee93d06e99fb312c3d47430fe35343b7fbde + md5: eea3610c4b86886f545c0fe53d1e9438 + sha256: b492f1478fbca841491fbb9feeca7e859a9f57ea6319eeef09d702e12140a44f category: main optional: false - - name: boto3 - version: 1.29.2 + - name: nodejs + version: 20.9.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - jmespath: ">=0.7.1,<2.0.0" - s3transfer: ">=0.7.0,<0.8.0" - botocore: ">=1.32.2,<1.33.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.2-pyhd8ed1ab_0.conda + __osx: ">=10.9" + icu: ">=73.2,<74.0a0" + libcxx: ">=16.0.6" + libuv: ">=1.46.0,<1.47.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/nodejs-20.9.0-h0950e01_0.conda hash: - md5: 7c73d1610c56a1d624c9ef470221d10c - sha256: 92b63c85d2bbb85be1f406abb41e36ef87d692222c57a24a0d27c6027107b023 + md5: f51aebc416d466c13a719f3604b2426c + sha256: 2e2cb08f6525a7ac7b4d9785ac826e9663ee969d21298f9718906fb931cb85e9 category: main optional: false - - name: cachecontrol-with-filecache - version: 0.13.1 + - name: nomkl + version: "1.0" manager: conda - platform: osx-64 + platform: linux-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/nomkl-1.0-h5ca1d4c_0.tar.bz2 + hash: + md5: 9a66894dfd07c4510beb6b3f9672ccc0 + sha256: d38542a151a90417065c1a234866f97fd1ea82a81de75ecb725955ab78f88b4b + category: main + optional: false + - name: notebook + version: 7.0.6 + manager: conda + platform: linux-64 dependencies: - python: ">=3.7" - filelock: ">=3.8.0" - cachecontrol: 0.13.1 - url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-with-filecache-0.13.1-pyhd8ed1ab_0.conda + jupyter_server: ">=2.4.0,<3" + jupyterlab: ">=4.0.7,<5" + jupyterlab_server: ">=2.22.1,<3" + notebook-shim: ">=0.2,<0.3" + python: ">=3.8" + tornado: ">=6.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/notebook-7.0.6-pyhd8ed1ab_0.conda hash: - md5: 8c4781ca0893cff3a64423954ce234a1 - sha256: 7fd3cd4a667da284ae3aad9b8cb4d592099bc02ed6566cbae00bd8c0b0604e85 + md5: d60881c78a54cbf8042ae719f1f77a50 + sha256: 5259ad2fb47300407dafa6ea5e78085a2c8de8dcdbfbaa58592bf2677d7187a9 category: main optional: false - - name: dagster - version: 1.5.9 + - name: notebook + version: 7.0.6 manager: conda platform: osx-64 dependencies: - requests: "" - setuptools: "" - tqdm: "" - jinja2: "" - python-dateutil: "" - pytz: "" - tabulate: "" - tomli: "" - python-dotenv: "" - pywin32-on-windows: "" - docstring_parser: "" - universal_pathlib: "" python: ">=3.8" - pyyaml: ">=5.1" - watchdog: ">=0.8.3" - packaging: ">=20.9" - click: ">=5.0" - typing_extensions: ">=4.4.0" - coloredlogs: ">=6.1,<=14.0" - croniter: ">=0.3.34" - toposort: ">=1.0" - psutil: ">=1.0" - sqlalchemy: ">=1.0" - grpcio-health-checking: ">=1.44.0" - protobuf: ">=3.20.0" - grpcio: ">=1.44.0" - alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" - pydantic: ">1.10.0,!=1.10.7" - pendulum: <3 - dagster-pipes: ">=1.5.9,<1.5.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.9-pyhd8ed1ab_0.conda + tornado: ">=6.2.0" + jupyter_server: ">=2.4.0,<3" + jupyterlab_server: ">=2.22.1,<3" + notebook-shim: ">=0.2,<0.3" + jupyterlab: ">=4.0.7,<5" + url: https://conda.anaconda.org/conda-forge/noarch/notebook-7.0.6-pyhd8ed1ab_0.conda hash: - md5: d8ab27112f82687ffcd456a3b88092e5 - sha256: 238b08bf9afbc98405cb0c8c9845514da7b4b21aac5817c2b5f0de04e3a19b1b + md5: d60881c78a54cbf8042ae719f1f77a50 + sha256: 5259ad2fb47300407dafa6ea5e78085a2c8de8dcdbfbaa58592bf2677d7187a9 category: main optional: false - - name: datasette - version: 0.64.4 + - name: notebook + version: 7.0.6 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - setuptools: "" - pip: "" - python: ">=3.7" - pyyaml: ">=5.3" - jinja2: ">=2.10.3" - click: ">=7.1.1" - pint: ">=0.9" - httpx: ">=0.20" - asgi-csrf: ">=0.9" - itsdangerous: ">=1.1" - click-default-group-wheel: ">=1.2.2" - hupper: ">=1.9" - uvicorn: ">=0.11" - pluggy: ">=1.0" - aiofiles: ">=0.4" - asgiref: ">=3.2.10" - janus: ">=0.6.2" - mergedeep: ">=1.1.1" - url: https://conda.anaconda.org/conda-forge/noarch/datasette-0.64.4-pyhd8ed1ab_1.conda + python: ">=3.8" + tornado: ">=6.2.0" + jupyter_server: ">=2.4.0,<3" + jupyterlab_server: ">=2.22.1,<3" + notebook-shim: ">=0.2,<0.3" + jupyterlab: ">=4.0.7,<5" + url: https://conda.anaconda.org/conda-forge/noarch/notebook-7.0.6-pyhd8ed1ab_0.conda hash: - md5: cd1207af03052f6b81906e1a914ad3c5 - sha256: 8800f86ec23a31ad642a1467d0a8f343038c7e2237a1f9046493ad1868ceb441 + md5: d60881c78a54cbf8042ae719f1f77a50 + sha256: 5259ad2fb47300407dafa6ea5e78085a2c8de8dcdbfbaa58592bf2677d7187a9 category: main optional: false - - name: doc8 - version: 1.1.1 + - name: notebook-shim + version: 0.2.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - pygments: "" - tomli: "" - stevedore: "" - python: ">=3.8" - restructuredtext_lint: ">=0.7" - docutils: ">=0.19,<0.21" - url: https://conda.anaconda.org/conda-forge/noarch/doc8-1.1.1-pyhd8ed1ab_0.conda + jupyter_server: ">=1.8,<3" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/notebook-shim-0.2.3-pyhd8ed1ab_0.conda hash: - md5: 5e9e17751f19d03c4034246de428582e - sha256: 00691538e6289b7947cabc2024f08883b3e2ded00369c68de7d67677e9d4c250 + md5: 67e0fe74c156267d9159e9133df7fd37 + sha256: f028d7ad1f2175cde307db08b60d07e371b9d6f035cfae6c81ea94b4c408c538 category: main optional: false - - name: email-validator - version: 2.1.0.post1 + - name: notebook-shim + version: 0.2.3 manager: conda platform: osx-64 dependencies: python: ">=3.7" - idna: ">=2.0.0" - dnspython: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/email-validator-2.1.0.post1-pyhd8ed1ab_0.conda + jupyter_server: ">=1.8,<3" + url: https://conda.anaconda.org/conda-forge/noarch/notebook-shim-0.2.3-pyhd8ed1ab_0.conda hash: - md5: 192fe8f657c763c6120d9f8592055847 - sha256: 0b2e503da10648e2fa8d13035ddda174a549732c4f17476363882ebf67867283 + md5: 67e0fe74c156267d9159e9133df7fd37 + sha256: f028d7ad1f2175cde307db08b60d07e371b9d6f035cfae6c81ea94b4c408c538 category: main optional: false - - name: frictionless - version: 4.40.8 + - name: notebook-shim + version: 0.2.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - pyyaml: ">=5.3" - jsonschema: ">=2.5" - chardet: ">=3.0" - python-dateutil: ">=2.8" - isodate: ">=0.6" - requests: ">=2.10" - python-slugify: ">=1.2" - stringcase: ">=1.2" - petl: ">=1.6" - validators: ">=0.18" - rfc3986: ">=1.4" - tabulate: ">=0.8.10" - marko: ">=1.0" - simpleeval: ">=0.9.11" - typer: ">=0.5" - jinja2: ">=3.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/frictionless-4.40.8-pyh6c4a22f_0.tar.bz2 + python: ">=3.7" + jupyter_server: ">=1.8,<3" + url: https://conda.anaconda.org/conda-forge/noarch/notebook-shim-0.2.3-pyhd8ed1ab_0.conda hash: - md5: d2791ef8f6c1252aa8d2e2001a603815 - sha256: 0d7d669d92aa4ecf08effb64aea4c98aa65607bdb98e7b82627b7c43556dd9bc + md5: 67e0fe74c156267d9159e9133df7fd37 + sha256: f028d7ad1f2175cde307db08b60d07e371b9d6f035cfae6c81ea94b4c408c538 category: main optional: false - - name: gdal - version: 3.8.0 + - name: nspr + version: "4.35" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - hdf5: ">=1.14.2,<1.14.3.0a0" - libcxx: ">=16.0.6" - libgdal: 3.8.0 - libxml2: ">=2.11.5,<2.12.0a0" - numpy: ">=1.23.5,<2.0a0" - openssl: ">=3.1.4,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/gdal-3.8.0-py311h5646c56_4.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/nspr-4.35-h27087fc_0.conda hash: - md5: 1d9d1cbd571fb4c7e65085cb18037ae4 - sha256: 808c395bb386f56595e0a11d3c1b6f629bd23cfef09da17969d64f116eaec568 + md5: da0ec11a6454ae19bff5b02ed881a2b1 + sha256: 8fadeebb2b7369a4f3b2c039a980d419f65c7b18267ba0c62588f9f894396d0c category: main optional: false - - name: geopandas-base - version: 0.14.1 + - name: nspr + version: "4.35" manager: conda platform: osx-64 dependencies: - packaging: "" - python: ">=3.9" - pandas: ">=1.4.0" - shapely: ">=1.8.0" - pyproj: ">=3.3.0" - url: https://conda.anaconda.org/conda-forge/noarch/geopandas-base-0.14.1-pyha770c72_0.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/nspr-4.35-hea0b92c_0.conda hash: - md5: d65c6f458bfdaa181f388d91e858ea67 - sha256: c813004bb84e50de19f599b188719e40106c858c7da22e504b29ce66e5043361 + md5: a9e56c98d13d8b7ce72bf4357317c29b + sha256: da6e19bd0ff31e219760e647cfe1cc499a8cdfaff305f06c56d495ca062b86de category: main optional: false - - name: google-auth - version: 2.23.4 + - name: nspr + version: "4.35" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - pyasn1-modules: ">=0.2.1" - rsa: ">=3.1.4,<5" - pyopenssl: ">=20.0.0" - pyu2f: ">=0.1.5" - requests: ">=2.20.0,<3.0.0" - cachetools: ">=2.0.0,<6.0" - aiohttp: ">=3.6.2,<4.0.0" - cryptography: ">=38.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/nspr-4.35-hb7217d7_0.conda hash: - md5: 9ad01e23627db9def3104ba78fd19229 - sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 + md5: f81b5ec944dbbcff3dd08375eb036efa + sha256: 35959d36ea9e8a2c422db9f113ee0ac91a9b0c19c51b05f75d0793c3827cfa3a category: main optional: false - - name: gql-with-requests - version: 3.4.1 + - name: nss + version: "3.94" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - requests: "" - urllib3: "" - requests-toolbelt: "" - python: ">=3.6" - gql: 3.4.1 - url: https://conda.anaconda.org/conda-forge/noarch/gql-with-requests-3.4.1-pyhd8ed1ab_0.conda + __glibc: ">=2.17,<3.0.a0" + libgcc-ng: ">=12" + libsqlite: ">=3.43.0,<4.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + nspr: ">=4.35,<5.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/nss-3.94-h1d7d5a4_0.conda hash: - md5: 1814ff1e969b01d3570027efcf4f163a - sha256: f11fb42542950f5e96ee252c9bebbd205bcbf1e20a3d8aeb056998bbdfef68f2 - category: dev - optional: true - - name: graphviz - version: 8.1.0 + md5: 7caef74bbfa730e014b20f0852068509 + sha256: c9b7910fc554c6550905b9150f4c8230e973ca63f41b42f2c18a49e8aa458e78 + category: main + optional: false + - name: nss + version: "3.94" manager: conda platform: osx-64 dependencies: - cairo: ">=1.16.0,<2.0a0" - expat: "" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - gdk-pixbuf: ">=2.42.10,<3.0a0" - gtk2: "" - gts: ">=0.7.6,<0.8.0a0" libcxx: ">=15.0.7" - libexpat: ">=2.5.0,<3.0a0" - libgd: ">=2.3.3,<2.4.0a0" - libglib: ">=2.76.4,<3.0a0" - librsvg: ">=2.56.1,<3.0a0" - libtool: "" - libwebp-base: ">=1.3.1,<2.0a0" + libsqlite: ">=3.43.0,<4.0a0" libzlib: ">=1.2.13,<1.3.0a0" - pango: ">=1.50.14,<2.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/graphviz-8.1.0-hc7f41f9_0.conda + nspr: ">=4.35,<5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/nss-3.94-hd6ac835_0.conda hash: - md5: a840f2eb891fdc5c39c762e16ee09600 - sha256: d3b8c3662a02d7dc5afb6ac7256be1c2887f6c5ea386f798a6f033b7243f6664 - category: dev - optional: true - - name: jsonschema-with-format-nongpl - version: 4.20.0 + md5: 10c69224110baa4d7d4f1bdb03d4f383 + sha256: aafb8b2a51beaa407d4e712d11e2a34fc010c7727d8a5573fb0c7ae53f2fff75 + category: main + optional: false + - name: nss + version: "3.94" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "" - idna: "" - rfc3339-validator: "" - uri-template: "" - fqdn: "" - isoduration: "" - jsonpointer: ">1.13" - webcolors: ">=1.11" - rfc3986-validator: ">0.1.0" - jsonschema: ">=4.20.0,<4.20.1.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-with-format-nongpl-4.20.0-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libsqlite: ">=3.43.0,<4.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + nspr: ">=4.35,<5.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/nss-3.94-hc6b9969_0.conda hash: - md5: a168c5f84010711f6d4ae650bc22b480 - sha256: 03558b25daa57137fdf98e92731ba50ff5506f265294ac2eef5ec465c76ecf57 + md5: 4dec6b96cec24e41059c2e795755760a + sha256: 662782a095cc191c073db8e44e14bf8877252d98b1f9b69275d79c47af185bb5 category: main optional: false - - name: jupyter_client - version: 8.6.0 + - name: numba + version: 0.58.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - python-dateutil: ">=2.8.2" - jupyter_core: ">=4.12,!=5.0.*" - traitlets: ">=5.3" - pyzmq: ">=23.0" - importlib_metadata: ">=4.8.3" - tornado: ">=6.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_client-8.6.0-pyhd8ed1ab_0.conda + _openmp_mutex: ">=4.5" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + llvmlite: ">=0.41.1,<0.42.0a0" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/numba-0.58.1-py311h96b013e_0.conda hash: - md5: 6bd3f1069cdebb44c7ae9efb900e312d - sha256: 86cbb9070862cf23a245451efce539ca214e610849d0950bb8ac90c545bd158d + md5: 06a0313ff3d2ec956a25767ccaf7c9f6 + sha256: 9061328d0fa03fc0bf40136c366399107dcede6004dcabd4bf553f60f55b86bf category: main optional: false - - name: libarrow - version: 14.0.1 + - name: numba + version: 0.58.1 manager: conda platform: osx-64 dependencies: __osx: ">=10.9" - aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" - aws-sdk-cpp: ">=1.11.182,<1.11.183.0a0" - bzip2: ">=1.0.8,<2.0a0" - glog: ">=0.6.0,<0.7.0a0" - libabseil: ">=20230802.1,<20230803.0a0" - libbrotlidec: ">=1.1.0,<1.2.0a0" - libbrotlienc: ">=1.1.0,<1.2.0a0" - libcxx: ">=15.0.7" - libgoogle-cloud: ">=2.12.0,<2.13.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libutf8proc: ">=2.8.0,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - orc: ">=1.9.0,<1.9.1.0a0" - re2: "" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-14.0.1-hd201b0c_3_cpu.conda + libcxx: ">=16.0.6" + llvm-openmp: ">=17.0.4" + llvmlite: ">=0.41.1,<0.42.0a0" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/numba-0.58.1-py311h32f2313_0.conda hash: - md5: ca9ae7988629996eeab28791c9a97b12 - sha256: 6866b9fbece513b932ae9862a1281f96a3fb05572f02ba3af3d3021363a24553 + md5: 97c10727b2fd55e61eaf35ea97811662 + sha256: bc318713a7bd89922b28636d5c9e56efdc9cd86361c0b2f2a3dcb0a9ffe4d8cb category: main optional: false - - name: matplotlib-base - version: 3.8.1 + - name: numba + version: 0.58.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: __osx: ">=10.9" - certifi: ">=2020.06.20" - contourpy: ">=1.0.1" - cycler: ">=0.10" - fonttools: ">=4.22.0" - freetype: ">=2.12.1,<3.0a0" - kiwisolver: ">=1.3.1" libcxx: ">=16.0.6" + llvm-openmp: ">=17.0.4" + llvmlite: ">=0.41.1,<0.42.0a0" numpy: ">=1.23.5,<2.0a0" - packaging: ">=20.0" - pillow: ">=8" - pyparsing: ">=2.3.1" python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.7" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/matplotlib-base-3.8.1-py311hd316c10_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/numba-0.58.1-py311h9ec4793_0.conda hash: - md5: 8952515c597009d2dfadf9ecaec30447 - sha256: 5976a3c061b7918ac84a7e38fec1af297fe29b5e2ec9405f43feb55f77b4f6fb + md5: d143fecfd4a3ad7baacaff7611b21ee5 + sha256: f4161fb906e74b79746170cb6b0e8a3a42a165e17c12f8e358eac2b533b25b61 category: main optional: false - - name: nbformat - version: 5.9.2 + - name: numexpr + version: 2.8.7 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - jupyter_core: "" - python-fastjsonschema: "" - python: ">=3.8" - traitlets: ">=5.1" - jsonschema: ">=2.6" - url: https://conda.anaconda.org/conda-forge/noarch/nbformat-5.9.2-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + nomkl: "" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/numexpr-2.8.7-py311h039bad6_104.conda hash: - md5: 61ba076de6530d9301a0053b02f093d2 - sha256: fc82c5a9116820757b03ffb836b36f0f50e4cd390018024dbadb0ee0217f6992 + md5: 525b0f41e7fcf20a17787be9e2896f49 + sha256: 2e20fd9d64638c8c8ca18bc14a075856da99ddfab7fb318ab51ca94486b5561d category: main optional: false - - name: pandera-core - version: 0.17.2 + - name: numexpr + version: 2.8.7 manager: conda platform: osx-64 dependencies: - numpy: "" - pandas: "" - typing_extensions: "" - packaging: "" - pydantic: "" - wrapt: "" - multimethod: "" - python: ">=3.7" - typing_inspect: ">=0.6.0" - typeguard: ">=3.0.2" - url: https://conda.anaconda.org/conda-forge/noarch/pandera-core-0.17.2-pyhd8ed1ab_1.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/numexpr-2.8.7-py311h1eadf79_4.conda hash: - md5: 5a1b3de3f435bc9d3c0ab52d45651a28 - sha256: 298bc0b877a366af0bbae2512ec1da47e215fc6333b8b0da7571a09084307331 + md5: 1e4eb39eb67cd4786fa381214810a9e1 + sha256: acc0dd347f2c1a373caf7633a87ee5203b89013edbd9d605e8327f5bc30df8db category: main optional: false - - name: pre-commit - version: 3.5.0 + - name: numexpr + version: 2.8.7 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - pyyaml: ">=5.1" - identify: ">=1.0.0" - nodeenv: ">=0.11.1" - cfgv: ">=2.0.0" - virtualenv: ">=20.10.0" - url: https://conda.anaconda.org/conda-forge/noarch/pre-commit-3.5.0-pyha770c72_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/numexpr-2.8.7-py311h6e08293_4.conda hash: - md5: 964e3d762e427661c59263435a14c492 - sha256: 51a4a17334a15ec92805cd075776563ff93b3b6c20732c4cb607c98a761ae02f + md5: f31ccd21d19edd2e2479c065302b7388 + sha256: d37e44a13e5690db715b5c34ba7f53565daae8bfbf6f61c8feba5cf6b0ab5519 category: main optional: false - - name: prompt_toolkit - version: 3.0.41 + - name: numpy + version: 1.26.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - prompt-toolkit: ">=3.0.41,<3.0.42.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/prompt_toolkit-3.0.41-hd8ed1ab_0.conda + libblas: ">=3.9.0,<4.0a0" + libcblas: ">=3.9.0,<4.0a0" + libgcc-ng: ">=12" + liblapack: ">=3.9.0,<4.0a0" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/numpy-1.26.0-py311h64a7726_0.conda hash: - md5: b1387bd091fa0420557f801a78587678 - sha256: dd2fea25930d258159441ad4a45e5d3274f0d2f1dea92fe25b44b48c486aa969 + md5: bf16a9f625126e378302f08e7ed67517 + sha256: 0aab5cef67cc2a1cd584f6e9cc6f2065c7a28c142d7defcb8096e8f719d9b3bf category: main optional: false - - name: requests-oauthlib - version: 1.3.1 + - name: numpy + version: 1.26.0 manager: conda platform: osx-64 dependencies: - python: ">=3.4" - requests: ">=2.0.0" - oauthlib: ">=3.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/requests-oauthlib-1.3.1-pyhd8ed1ab_0.tar.bz2 + libblas: ">=3.9.0,<4.0a0" + libcblas: ">=3.9.0,<4.0a0" + libcxx: ">=15.0.7" + liblapack: ">=3.9.0,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/numpy-1.26.0-py311hc44ba51_0.conda hash: - md5: 61b279f051eef9c89d58f4d813e75e04 - sha256: 889e3c1b84467b64046776db95dc4c5ea4dad5afaa5ec18ad811bd95c63286b0 + md5: f95605c5b73f5f6a0f5f1b0aabfc2f39 + sha256: 517cb22d5594fdb934523dd1951929961f686b5d994c684201acbf282433ec9b category: main optional: false - - name: scikit-learn - version: 1.3.2 + - name: numpy + version: 1.26.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - joblib: ">=1.1.1" - libcxx: ">=16.0.6" - llvm-openmp: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" + libblas: ">=3.9.0,<4.0a0" + libcblas: ">=3.9.0,<4.0a0" + libcxx: ">=15.0.7" + liblapack: ">=3.9.0,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - scipy: "" - threadpoolctl: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/osx-64/scikit-learn-1.3.2-py311h66081b9_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/numpy-1.26.0-py311hb8f3215_0.conda hash: - md5: a7053f3e86b6b9139593a027c54e3097 - sha256: 0b4aee092d4689d07aa95ed1d1071eeb74a5e011d34bc9ebd9b27e9b2166db7e + md5: 97f8632bf2ad5c179ff68fc90c71c2ae + sha256: fca5ee1363f22a160c97e92d6400d4636f4b05987b08085e4f79fb6efb75fd0a category: main optional: false - - name: timezonefinder - version: 6.2.0 + - name: oauthlib + version: 3.2.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - cffi: ">=1.15.1,<2" - h3-py: ">=3.7.6,<4" - numpy: ">=1.18,<2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: ">=65.5" - url: https://conda.anaconda.org/conda-forge/osx-64/timezonefinder-6.2.0-py311he705e18_2.conda + blinker: "" + cryptography: "" + pyjwt: ">=1.0.0" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/oauthlib-3.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 64122075c5e685197353fa1e5e9d1916 - sha256: 147719244fedcab5eb4b56cffd84b4ad0fed2ab1877e623c863c590966443c4b + md5: 8f882b197fd9c4941a787926baea4868 + sha256: 0cfd5146a91d3974f4abfc2a45de890371d510a77238fe553e036ec8c031dc5b category: main optional: false - - name: catalystcoop.ferc_xbrl_extractor - version: 1.2.1 + - name: oauthlib + version: 3.2.2 manager: conda platform: osx-64 dependencies: - sqlalchemy: ">=1.4,<3" - lxml: ">=4.9.1,<5" - python: ">=3.10,<3.13" - coloredlogs: ">=14.0,<15.1" - frictionless: ">=4.4,<5" - numpy: ">=1.16,<2" - arelle-release: ">=2.3,<3" - pandas: ">=1.5,<2.2" - pydantic: ">=1.9,<3" - stringcase: ">=1.2,<2" - url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.ferc_xbrl_extractor-1.2.1-pyhd8ed1ab_0.conda + cryptography: "" + blinker: "" + python: ">=3.6" + pyjwt: ">=1.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/oauthlib-3.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 901c0be7848920eeaeb14bce747c589c - sha256: f70614208da7b61b41ead6d2260ca3b0d6c0785388b09f7aa4615b56fbf3ce37 + md5: 8f882b197fd9c4941a787926baea4868 + sha256: 0cfd5146a91d3974f4abfc2a45de890371d510a77238fe553e036ec8c031dc5b category: main optional: false - - name: conda-lock - version: 2.4.2 + - name: oauthlib + version: 3.2.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - typing_extensions: "" - jinja2: "" - ruamel.yaml: "" - tomli: "" - click-default-group: "" - python: ">=3.8" - pyyaml: ">=5.1" - click: ">=8.0" - packaging: ">=20.4" - requests: ">=2.18" - ensureconda: ">=1.3" - gitpython: ">=3.1.30" - keyring: ">=21.2.0" - html5lib: ">=1.0" - pydantic: ">=1.10" - cachy: ">=0.3.0" - clikit: ">=0.6.2" - crashtest: ">=0.3.0" - pkginfo: ">=1.4" - tomlkit: ">=0.7.0" - virtualenv: ">=20.0.26" - toolz: ">=0.12.0,<1.0.0" - cachecontrol-with-filecache: ">=0.12.9" - urllib3: ">=1.26.5,<2.0" - url: https://conda.anaconda.org/conda-forge/noarch/conda-lock-2.4.2-pyhd8ed1ab_0.conda + cryptography: "" + blinker: "" + python: ">=3.6" + pyjwt: ">=1.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/oauthlib-3.2.2-pyhd8ed1ab_0.tar.bz2 + hash: + md5: 8f882b197fd9c4941a787926baea4868 + sha256: 0cfd5146a91d3974f4abfc2a45de890371d510a77238fe553e036ec8c031dc5b + category: main + optional: false + - name: openjpeg + version: 2.5.0 + manager: conda + platform: linux-64 + dependencies: + libgcc-ng: ">=12" + libpng: ">=1.6.39,<1.7.0a0" + libstdcxx-ng: ">=12" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/openjpeg-2.5.0-h488ebb8_3.conda hash: - md5: 068b8ae6928d477a0d216254f6eacd34 - sha256: c3a684affc774d45e6bef61306d1005a3fab75862bbe4f2adceb995e14a07193 + md5: 128c25b7fe6a25286a48f3a6a9b5b6f3 + sha256: 9fe91b67289267de68fda485975bb48f0605ac503414dc663b50d8b5f29bc82a category: main optional: false - - name: dagster-graphql - version: 1.5.9 + - name: openjpeg + version: 2.5.0 manager: conda platform: osx-64 dependencies: - requests: "" - starlette: "" - python: ">=3.8" - graphene: ">=3" - gql-with-requests: ">=3.0.0" - dagster: ">=1.5.9,<1.5.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.9-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/openjpeg-2.5.0-ha4da562_3.conda hash: - md5: 7dcd105a5451f9800aa6de278d86db72 - sha256: 8484c6b0db1a3505fc7d16e83e0da75b9c886ae3d497266fd06f72fcd3246786 - category: dev - optional: true - - name: dagster-postgres - version: 0.21.9 + md5: 40a36f8e9a6fdf6a78c6428ee6c44188 + sha256: fdccd9668b85bf6e798b628bceed5ff764e1114cfc4e6a4dee551cafbe549e74 + category: main + optional: false + - name: openjpeg + version: 2.5.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - psycopg2-binary: "" - python: ">=3.8" - dagster: 1.5.9.* - url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.9-pyhd8ed1ab_0.conda + libcxx: ">=15.0.7" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/openjpeg-2.5.0-h4c1507b_3.conda hash: - md5: 18c5dd009bd4d99ec38003583134c9fc - sha256: 83ad5a4eca4698b1258398bcd405665bbd8e41464124221cf477bb78bdc22100 + md5: 4127dd217a010d9c6cbefdaae07d9f19 + sha256: a6998c0da4643a84dc7c0b3a9e5137db258619ea922317bb7d9ae64f54b4a9ed category: main optional: false - - name: fiona - version: 1.9.5 + - name: openpyxl + version: 3.1.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - attrs: ">=17" - click: ">=4.0" - click-plugins: ">=1.0" - cligj: ">=0.5" - gdal: "" - importlib-metadata: "" - libcxx: ">=16.0.6" - libgdal: ">=3.8.0,<3.9.0a0" - munch: "" - numpy: ">=1.23.5,<2.0a0" + et_xmlfile: "" + libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - setuptools: "" - shapely: "" - six: ">=1.7" - url: https://conda.anaconda.org/conda-forge/osx-64/fiona-1.9.5-py311h809632c_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/openpyxl-3.1.2-py311h459d7ec_1.conda hash: - md5: fa38d43ecb08f4db5107fc6390949414 - sha256: 80cfa5135122c959a7ec656c7c1c1fcc60398669029d86fac1cb9a3d3c5cacc1 + md5: 5c809fb753f06a04c2f114394404769e + sha256: 49cb85c8ad834e383ad447c66045e3b1beff12b209f5cde06a18c1de4e4c6754 category: main optional: false - - name: google-api-core - version: 2.14.0 + - name: openpyxl + version: 3.1.2 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - google-auth: ">=2.14.1,<3.0.dev0" - googleapis-common-protos: ">=1.56.2,<2.0.dev0" - protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - requests: ">=2.18.0,<3.0.0.dev0" - url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda + et_xmlfile: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/openpyxl-3.1.2-py311h2725bcf_1.conda hash: - md5: cebe18c719a6818849b921748aa91750 - sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc + md5: 49d96f49b6dc810211844fdb11299714 + sha256: 0b19f81f03f1c06d0e04e59338c309d5f8ca89443e881f63abd506c78962d5a1 category: main optional: false - - name: google-auth-oauthlib - version: 1.1.0 + - name: openpyxl + version: 3.1.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.6" - requests-oauthlib: ">=0.7.0" - click: ">=6.0.0" - google-auth: ">=2.15.0" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-oauthlib-1.1.0-pyhd8ed1ab_0.conda + et_xmlfile: "" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/openpyxl-3.1.2-py311heffc1b2_0.conda hash: - md5: ffa1e2fd52bc00ec0fc5680a2f4bd167 - sha256: fc12c5a06b4d073c855cc2c43edff0b444af7b0db860f578fee1486769af0f21 + md5: a08b5961a200bb86aea8625fa2826443 + sha256: 7f29ef19fb24993653bf9034ee91a4ffca606b9b8157ef4a8a6f7b156c5a9713 category: main optional: false - - name: ipython - version: 8.17.2 + - name: openssl + version: 3.1.4 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - typing_extensions: "" - decorator: "" - __osx: "" - exceptiongroup: "" - stack_data: "" - matplotlib-inline: "" - appnope: "" - pickleshare: "" - python: ">=3.9" - pygments: ">=2.4.0" - traitlets: ">=5" - jedi: ">=0.16" - pexpect: ">4.3" - prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.17.2-pyh31c8845_0.conda + ca-certificates: "" + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/openssl-3.1.4-hd590300_0.conda hash: - md5: 28e743c2963d1cecaa75f7612ade74c4 - sha256: b28ec68a49d8ddc41b92f3161f536d63e62eb5493021e41bb172b5f0af54ca2d + md5: 412ba6938c3e2abaca8b1129ea82e238 + sha256: d15b3e83ce66c6f6fbb4707f2f5c53337124c01fb03bfda1cf25c5b41123efc7 category: main optional: false - - name: jupyter_events - version: 0.9.0 + - name: openssl + version: 3.1.4 manager: conda platform: osx-64 dependencies: - rfc3339-validator: "" - referencing: "" - python: ">=3.8" - pyyaml: ">=5.3" - rfc3986-validator: ">=0.1.1" - traitlets: ">=5.3" - python-json-logger: ">=2.0.4" - jsonschema-with-format-nongpl: ">=4.18.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_events-0.9.0-pyhd8ed1ab_0.conda + ca-certificates: "" + url: https://conda.anaconda.org/conda-forge/osx-64/openssl-3.1.4-hd75f5a5_0.conda hash: - md5: 00ba25993f0dba38cf72a7224e33289f - sha256: 713f0cc927a862862a6d35bfb29c4114f987e4f59e2a8a14f71f23fcd7edfec3 + md5: bc9201da6eb1e0df4107901df5371347 + sha256: 1c436103a8de0dc82c9c56974badaa1b8b8f8cd9f37c2766bd50cd9899720f6b category: main optional: false - - name: libarrow-acero - version: 14.0.1 + - name: openssl + version: 3.1.4 + manager: conda + platform: osx-arm64 + dependencies: + ca-certificates: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/openssl-3.1.4-h0d3ecfb_0.conda + hash: + md5: 5a89552fececf4cd99628318ccbb67a3 + sha256: 3c715b1d4940c7ad6065935db18924b85a54048dde066f963cfc250340639457 + category: main + optional: false + - name: orc + version: 1.9.0 + manager: conda + platform: linux-64 + dependencies: + libgcc-ng: ">=12" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/orc-1.9.0-h4b38347_4.conda + hash: + md5: f348d6a6bb3687dfead7c595f905732b + sha256: af3587f3b9a892be828d159b78379bdcd03b933c9fefddfcf105541421b77d48 + category: main + optional: false + - name: orc + version: 1.9.0 manager: conda platform: osx-64 dependencies: __osx: ">=10.9" - libarrow: 14.0.1 - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-acero-14.0.1-hc222712_3_cpu.conda + libcxx: ">=16.0.6" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/orc-1.9.0-hd1092d7_4.conda hash: - md5: 920ead842f00024ab7c3b37646288aa1 - sha256: 3c71cbabc89643b8b771ea226fe0e564baa102c06dc169cda5db033df1b2b5f2 + md5: f6c7cd7734b3caa6d5549086590121af + sha256: 6a7e6835c81157ca7545917412d9d4e9bb51357d71a2e63454fe406783a55c76 category: main optional: false - - name: libarrow-flight - version: 14.0.1 + - name: orc + version: 1.9.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libarrow: 14.0.1 - libcxx: ">=15.0.7" - libgrpc: ">=1.59.2,<1.60.0a0" + libcxx: ">=16.0.6" libprotobuf: ">=4.24.4,<4.24.5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-flight-14.0.1-h440f1c2_3_cpu.conda + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + snappy: ">=1.1.10,<2.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/orc-1.9.0-h7c018df_4.conda hash: - md5: 729e2fc0e72d1b7b139422ed8ecf41df - sha256: 91e001bb4208afc6fc24e3cc6bd07a2e423ab83220f659b790b1c64c1bb61af7 + md5: 5873127225c5803d45b550024a01af1c + sha256: f33040335efdabbf765606b5523a5691b04547b988d65683b2671faa53bb2a1b category: main optional: false - - name: libarrow-gandiva - version: 14.0.1 + - name: overrides + version: 7.4.0 + manager: conda + platform: linux-64 + dependencies: + python: ">=3.6" + typing_utils: "" + url: https://conda.anaconda.org/conda-forge/noarch/overrides-7.4.0-pyhd8ed1ab_0.conda + hash: + md5: 4625b7b01d7f4ac9c96300a5515acfaa + sha256: 29db8c3b521d261bf71897ba3cfbebc81cd61e581b30fcb984b5a713f02fe1ff + category: main + optional: false + - name: overrides + version: 7.4.0 + manager: conda + platform: osx-64 + dependencies: + typing_utils: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/overrides-7.4.0-pyhd8ed1ab_0.conda + hash: + md5: 4625b7b01d7f4ac9c96300a5515acfaa + sha256: 29db8c3b521d261bf71897ba3cfbebc81cd61e581b30fcb984b5a713f02fe1ff + category: main + optional: false + - name: overrides + version: 7.4.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libcxx: ">=15.0.7" - libllvm15: ">=15.0.7,<15.1.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libutf8proc: ">=2.8.0,<3.0a0" - openssl: ">=3.1.4,<4.0a0" - re2: "" - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-gandiva-14.0.1-heeebe7c_3_cpu.conda + typing_utils: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/overrides-7.4.0-pyhd8ed1ab_0.conda hash: - md5: 31559f43790c54a2494b888051b441a7 - sha256: 0658e77bf9099baf808b2fecd6b0d87f8e236ec7ccf17d0418f1cd9ac674d0ff + md5: 4625b7b01d7f4ac9c96300a5515acfaa + sha256: 29db8c3b521d261bf71897ba3cfbebc81cd61e581b30fcb984b5a713f02fe1ff category: main optional: false - - name: libparquet - version: 14.0.1 + - name: packaging + version: "23.2" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libcxx: ">=15.0.7" - libthrift: ">=0.19.0,<0.19.1.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libparquet-14.0.1-h27bd29f_3_cpu.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/packaging-23.2-pyhd8ed1ab_0.conda hash: - md5: e6dc5d4796ce80233fe1233e651ec983 - sha256: 92d7137e89cff12faf7f16e556bee21b71d0e1b78e3305e2e2e5da15ba8745fe + md5: 79002079284aa895f883c6b7f3f88fd6 + sha256: 69b3ace6cca2dab9047b2c24926077d81d236bef45329d264b394001e3c3e52f category: main optional: false - - name: mapclassify - version: 2.6.1 + - name: packaging + version: "23.2" manager: conda platform: osx-64 dependencies: - python: ">=3.9" - scikit-learn: ">=1.0" - scipy: ">=1.8" - numpy: ">=1.23" - networkx: ">=2.7" - pandas: ">=1.4,!=1.5.0" - url: https://conda.anaconda.org/conda-forge/noarch/mapclassify-2.6.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/packaging-23.2-pyhd8ed1ab_0.conda hash: - md5: 6aceae1ad4f16cf7b73ee04189947f98 - sha256: 204ab8b242229d422b33cfec07ea61cefa8bd22375a16658afbabaafce031d64 + md5: 79002079284aa895f883c6b7f3f88fd6 + sha256: 69b3ace6cca2dab9047b2c24926077d81d236bef45329d264b394001e3c3e52f category: main optional: false - - name: nbclient - version: 0.8.0 + - name: packaging + version: "23.2" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - jupyter_client: ">=6.1.12" - jupyter_core: ">=4.12,!=5.0.*" - nbformat: ">=5.1" - traitlets: ">=5.4" - url: https://conda.anaconda.org/conda-forge/noarch/nbclient-0.8.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/packaging-23.2-pyhd8ed1ab_0.conda hash: - md5: e78da91cf428faaf05701ce8cc8f2f9b - sha256: 4ebd237cdf4bfa5226f92d2ae78fab8dba27696909391884dc6594ca6f9df5ff + md5: 79002079284aa895f883c6b7f3f88fd6 + sha256: 69b3ace6cca2dab9047b2c24926077d81d236bef45329d264b394001e3c3e52f category: main optional: false - - name: pygraphviz - version: "1.11" + - name: pandas + version: 2.1.3 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - graphviz: ">=8.1.0,<9.0a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.8.1" + python-tzdata: ">=2022a" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/pygraphviz-1.11-py311hc6eba27_1.conda + pytz: ">=2020.1" + url: https://conda.anaconda.org/conda-forge/linux-64/pandas-2.1.3-py311h320fe9a_0.conda hash: - md5: 17602bac3f0091fc1383741385b1c1b1 - sha256: b0e97e9a5bbd65edddaa9147bfb2410bbbc8105cf02dbd0c7a717355dc81ded3 - category: dev - optional: true - - name: recordlinkage - version: "0.16" + md5: 3ea3486e16d559dfcb539070ed330a1e + sha256: d69759f8e5f3dcae2562e177cdfde5a45e4cd38db732301812aa558c1c80db57 + category: main + optional: false + - name: pandas + version: 2.1.3 manager: conda platform: osx-64 dependencies: - joblib: "" - numexpr: "" - python: ">=3.8" - numpy: ">=1.13" - scikit-learn: ">=1" - pandas: ">=1,<3" - scipy: ">=1" - jellyfish: ">=1" - url: https://conda.anaconda.org/conda-forge/noarch/recordlinkage-0.16-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.8.1" + python-tzdata: ">=2022a" + python_abi: 3.11.* + pytz: ">=2020.1" + url: https://conda.anaconda.org/conda-forge/osx-64/pandas-2.1.3-py311h1eadf79_0.conda hash: - md5: 948205d11a8b036e065c46462db0632a - sha256: 3f3c03719d6bdef41f8a08f51fb3e58a80223a321ffca413eda0c332bfa75bf0 + md5: 0a1ea4be8bcc907018694b5d04ac3036 + sha256: 2ca591570ce60be45eae8e5d39a07f08390e9ecc18997f66cb3d712953c09724 category: main optional: false - - name: tabulator - version: 1.53.5 + - name: pandas + version: 2.1.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3" - click: ">=6.0" - six: ">=1.9" - chardet: ">=3.0" - unicodecsv: ">=0.14" - requests: ">=2.8" - boto3: ">=1.9" - xlrd: ">=1.0" - jsonlines: ">=1.1" - linear-tsv: ">=1.0" - sqlalchemy: ">=0.9.6" - openpyxl: ">=2.6" - ijson: ">=3.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/tabulator-1.53.5-pyhd8ed1ab_0.tar.bz2 + __osx: ">=10.9" + libcxx: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.8.1" + python-tzdata: ">=2022a" + python_abi: 3.11.* + pytz: ">=2020.1" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pandas-2.1.3-py311h6e08293_0.conda hash: - md5: c967687222ad29a74f68e99698d08d30 - sha256: b5fb89f1154cf6b5e620c18a9c4f73c7b79afa72a7e3e840a82e225a90955335 + md5: 0d0ecc6bac2b7a4007bf4d96b125d674 + sha256: eacddc0866e26372578fdeb5059e6f7edf4c6c8f59f494a8d5e64caa032b2600 category: main optional: false - - name: dagster-webserver - version: 1.5.9 + - name: pandera-core + version: 0.17.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - starlette: "" - uvicorn-standard: "" - python: ">=3.8" - click: ">=7.0,<9.0" - dagster: ">=1.5.9,<1.5.10.0a0" - dagster-graphql: ">=1.5.9,<1.5.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.9-pyhd8ed1ab_0.conda + multimethod: "" + numpy: "" + packaging: "" + pandas: "" + pydantic: "" + python: ">=3.7" + typeguard: ">=3.0.2" + typing_extensions: "" + typing_inspect: ">=0.6.0" + wrapt: "" + url: https://conda.anaconda.org/conda-forge/noarch/pandera-core-0.17.2-pyhd8ed1ab_1.conda hash: - md5: 880fa7acdbf3494cef45759bb866bb63 - sha256: 2fce08b607d97f72d7452350a0c917d96419074381bf8791ebe116ec3a57b8f4 - category: dev - optional: true - - name: geopandas - version: 0.14.1 + md5: 5a1b3de3f435bc9d3c0ab52d45651a28 + sha256: 298bc0b877a366af0bbae2512ec1da47e215fc6333b8b0da7571a09084307331 + category: main + optional: false + - name: pandera-core + version: 0.17.2 manager: conda platform: osx-64 dependencies: - matplotlib-base: "" - rtree: "" - folium: "" - xyzservices: "" - python: ">=3.9" - mapclassify: ">=2.4.0" - fiona: ">=1.8.21" - geopandas-base: 0.14.1 - url: https://conda.anaconda.org/conda-forge/noarch/geopandas-0.14.1-pyhd8ed1ab_0.conda + numpy: "" + pandas: "" + typing_extensions: "" + packaging: "" + pydantic: "" + wrapt: "" + multimethod: "" + python: ">=3.7" + typing_inspect: ">=0.6.0" + typeguard: ">=3.0.2" + url: https://conda.anaconda.org/conda-forge/noarch/pandera-core-0.17.2-pyhd8ed1ab_1.conda hash: - md5: 6ce5f89fb1e2aa7e04d12c0008b3a745 - sha256: f3563ad6f1a55587c097337ece863e583c796c9a9df3ecb396bbfeec4ec309fb + md5: 5a1b3de3f435bc9d3c0ab52d45651a28 + sha256: 298bc0b877a366af0bbae2512ec1da47e215fc6333b8b0da7571a09084307331 category: main optional: false - - name: google-cloud-core - version: 2.3.3 + - name: pandera-core + version: 0.17.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: + numpy: "" + pandas: "" + typing_extensions: "" + packaging: "" + pydantic: "" + wrapt: "" + multimethod: "" python: ">=3.7" - google-auth: ">=1.25.0,<3.0dev" - google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" - grpcio: ">=1.38.0,<2.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda + typing_inspect: ">=0.6.0" + typeguard: ">=3.0.2" + url: https://conda.anaconda.org/conda-forge/noarch/pandera-core-0.17.2-pyhd8ed1ab_1.conda hash: - md5: a26b1fa8555cc1d2f0f7ff9985303e66 - sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + md5: 5a1b3de3f435bc9d3c0ab52d45651a28 + sha256: 298bc0b877a366af0bbae2512ec1da47e215fc6333b8b0da7571a09084307331 category: main optional: false - - name: ipykernel - version: 6.26.0 + - name: pandoc + version: 3.1.3 manager: conda - platform: osx-64 - dependencies: - packaging: "" - psutil: "" - nest-asyncio: "" - __osx: "" - appnope: "" - python: ">=3.8" - tornado: ">=6.1" - jupyter_client: ">=6.1.12" - ipython: ">=7.23.1" - matplotlib-inline: ">=0.1" - jupyter_core: ">=4.12,!=5.0.*" - debugpy: ">=1.6.5" - comm: ">=0.1.1" - pyzmq: ">=20" - traitlets: ">=5.4.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipykernel-6.26.0-pyh3cd1d5f_0.conda + platform: linux-64 + dependencies: + gmp: "" + libzlib: ">=1.2.13,<1.3.0a0" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/pandoc-3.1.3-h32600fe_0.conda hash: - md5: 3c6e2148d30e6a762d8327a433ebfb5a - sha256: be9927d47fe23cc4d2a09d252e37e1e56ffb137767d2c0577ed882ead16f75fa + md5: 8287aeb8462e2d4b235eff788e75919d + sha256: 52d23e2fded05e7a19d9d7996f19ed837b46578b6e5951b8c5990cf919404ffc category: main optional: false - - name: ipywidgets - version: 8.1.1 + - name: pandoc + version: 3.1.3 manager: conda platform: osx-64 dependencies: - python: ">=3.7" - traitlets: ">=4.3.1" - ipython: ">=6.1.0" - comm: ">=0.1.3" - jupyterlab_widgets: ">=3.0.9,<3.1.0" - widgetsnbextension: ">=4.0.9,<4.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipywidgets-8.1.1-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/pandoc-3.1.3-h9d075a6_0.conda hash: - md5: 2605fae5ee27100e5f10037baebf4d41 - sha256: 8136defec115396ba992273a77f814d74eeafd9cc099f5430d109c60785a7f02 + md5: e86a3d5c966a09b6129354114483f7a7 + sha256: 3bc6bc31b96338c65c8f6e222bd8c65d47227ba4b59b2587157c3a29499123cc category: main optional: false - - name: libarrow-dataset - version: 14.0.1 + - name: pandoc + version: 3.1.3 manager: conda - platform: osx-64 - dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libcxx: ">=15.0.7" - libparquet: 14.0.1 - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-dataset-14.0.1-hc222712_3_cpu.conda + platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/pandoc-3.1.3-hce30654_0.conda hash: - md5: b4e8a2dfbd7e2f2cae34158012e4d5c1 - sha256: beaf2af22a35fd4ffcf29f1b44df1ca8a77b0d9a87abff1de938aaf72b26dc4d + md5: 7edcc75acdac60dba441b229c0ec66ee + sha256: 858a923c8b9082791b2c13c2ff2ae87e28dd2e2655f56117c8ecb7d366002bc7 category: main optional: false - - name: libarrow-flight-sql - version: 14.0.1 + - name: pandocfilters + version: 1.5.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-flight: 14.0.1 - libcxx: ">=15.0.7" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-flight-sql-14.0.1-h2cc6c1c_3_cpu.conda + python: "!=3.0,!=3.1,!=3.2,!=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/pandocfilters-1.5.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 018c16ea4875bd012b4e525246835f30 - sha256: 8f73fa15493cf0e651ae7accf9a54547967276a2ed67a7c8623eb0dabd5eb300 + md5: 457c2c8c08e54905d6954e79cb5b5db9 + sha256: 2bb9ba9857f4774b85900c2562f7e711d08dd48e2add9bee4e1612fbee27e16f category: main optional: false - - name: nbconvert-core - version: 7.11.0 + - name: pandocfilters + version: 1.5.0 manager: conda platform: osx-64 dependencies: - packaging: "" - beautifulsoup4: "" - defusedxml: "" - bleach: "" - tinycss2: "" - jupyterlab_pygments: "" - python: ">=3.8" - jinja2: ">=3.0" - entrypoints: ">=0.2.2" - traitlets: ">=5.0" - markupsafe: ">=2.0" - pandocfilters: ">=1.4.1" - jupyter_core: ">=4.7" - nbformat: ">=5.1" - pygments: ">=2.4.1" - nbclient: ">=0.5.0" - mistune: ">=2.0.3,<4" - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-core-7.11.0-pyhd8ed1ab_0.conda + python: "!=3.0,!=3.1,!=3.2,!=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/pandocfilters-1.5.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: d59e0cb1ca993f8f910cfdf393232acf - sha256: 81732e083c4c85a52248e20ff0e40a14b0b49db9cc7ce414e8aa7d6f8980dad0 + md5: 457c2c8c08e54905d6954e79cb5b5db9 + sha256: 2bb9ba9857f4774b85900c2562f7e711d08dd48e2add9bee4e1612fbee27e16f category: main optional: false - - name: tableschema - version: 1.19.3 + - name: pandocfilters + version: 1.5.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: "" - python-dateutil: ">=2.4" - six: ">=1.9" - jsonschema: ">=2.5" - requests: ">=2.5" - unicodecsv: ">=0.14" - isodate: ">=0.5.4" - click: ">=3.3" - rfc3986: ">=1.1.0" - cached-property: ">=1.5" - tabulator: ">=1.29" - url: https://conda.anaconda.org/conda-forge/noarch/tableschema-1.19.3-pyh9f0ad1d_0.tar.bz2 + python: "!=3.0,!=3.1,!=3.2,!=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/pandocfilters-1.5.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 57f70b39e74b4af667775c0a07f35cc3 - sha256: bc96dd4ee4d7ee5d6753158ba50aacd08c80a657847d6771cc4c56da538437e7 + md5: 457c2c8c08e54905d6954e79cb5b5db9 + sha256: 2bb9ba9857f4774b85900c2562f7e711d08dd48e2add9bee4e1612fbee27e16f category: main optional: false - - name: datapackage - version: 1.15.2 + - name: pango + version: 1.50.14 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: "" - six: ">=1.10" - jsonschema: ">=2.5" - unicodecsv: ">=0.14" - requests: ">=2.8" - click: ">=6.7" - cchardet: ">=1.0" - jsonpointer: ">=1.10" - tableschema: ">=1.1.0" - tabulator: ">=1.24.2" - url: https://conda.anaconda.org/conda-forge/noarch/datapackage-1.15.2-pyh44b312d_0.tar.bz2 + cairo: ">=1.16.0,<2.0a0" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + fribidi: ">=1.0.10,<2.0a0" + harfbuzz: ">=8.1.1,<9.0a0" + libgcc-ng: ">=12" + libglib: ">=2.76.4,<3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/pango-1.50.14-ha41ecd1_2.conda hash: - md5: 3f1a6895ab9c423cf59de7c46e56a824 - sha256: 3344e3c1ea6a1925504f7cbfba6f4be6521465baa2de6bac86769528ea1c3d0d - category: main - optional: false - - name: google-cloud-storage - version: 2.13.0 + md5: 1a66c10f6a0da3dbd2f3a68127e7f6a0 + sha256: 6ecce306b7ac4acf1184eb5b045e57e613e19e99c27d57f33eb255f8a9120a93 + category: dev + optional: true + - name: pango + version: 1.50.14 manager: conda platform: osx-64 + dependencies: + cairo: ">=1.16.0,<2.0a0" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + fribidi: ">=1.0.10,<2.0a0" + harfbuzz: ">=8.1.1,<9.0a0" + libglib: ">=2.76.4,<3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/pango-1.50.14-h19c1c8a_2.conda + hash: + md5: bf0d46d9e97cb3ae5ad7ee4b688929a9 + sha256: 639abd1c1d383fe047462ab7233b6857702d1bf40f229c337d3b59d1e5476a71 + category: dev + optional: true + - name: pango + version: 1.50.14 + manager: conda + platform: osx-arm64 + dependencies: + cairo: ">=1.16.0,<2.0a0" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + fribidi: ">=1.0.10,<2.0a0" + harfbuzz: ">=8.1.1,<9.0a0" + libglib: ">=2.76.4,<3.0a0" + libpng: ">=1.6.39,<1.7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pango-1.50.14-hcf40dda_2.conda + hash: + md5: 79026cbb74d69b444e5dc2be0fb4b4a9 + sha256: e17f649192ce06c68893b50fa2492db87d2d82ae6d3c6058cc62dcc44dde8b2e + category: dev + optional: true + - name: parso + version: 0.8.3 + manager: conda + platform: linux-64 dependencies: python: ">=3.6" - requests: ">=2.18.0,<3.0.0dev" - google-api-core: ">=1.31.5,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" - google-cloud-core: ">=2.3.0,<3.0dev" - google-crc32c: ">=1.0,<2.0dev" - protobuf: <5.0.0dev - google-resumable-media: ">=2.6.0" - google-auth: ">=2.23.3,<3.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-storage-2.13.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/parso-0.8.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: fa7d4b2576d98b63d8ca84c76052eb95 - sha256: 8aeb7dc1298845316e9289100c5e54a9eb403c4244621d15654266c7dd225f16 + md5: 17a565a0c3899244e938cdf417e7b094 + sha256: 4e26d5daf5de0e31aa5e74ac56386a361b202433b83f024fdadbf07d4a244da4 category: main optional: false - - name: jupyter_console - version: 6.6.3 + - name: parso + version: 0.8.3 manager: conda platform: osx-64 dependencies: - ipython: "" - pygments: "" - python: ">=3.7" - pyzmq: ">=17" - jupyter_core: ">=4.12,!=5.0.*" - jupyter_client: ">=7.0.0" - ipykernel: ">=6.14" - traitlets: ">=5.4" - prompt_toolkit: ">=3.0.30" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_console-6.6.3-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/parso-0.8.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7cf6f52a66f8e3cd9d8b6c231262dcab - sha256: 4e51764d5fe2f6e43d83bcfbcf8b4da6569721bf82eaf4d647be8717cd6be75a + md5: 17a565a0c3899244e938cdf417e7b094 + sha256: 4e26d5daf5de0e31aa5e74ac56386a361b202433b83f024fdadbf07d4a244da4 category: main optional: false - - name: jupyter_server - version: 2.10.1 + - name: parso + version: 0.8.3 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - packaging: "" - jinja2: "" - prometheus_client: "" - websocket-client: "" - argon2-cffi: "" - overrides: "" - jupyter_server_terminals: "" - python: ">=3.8" - terminado: ">=0.8.3" - jupyter_core: ">=4.12,!=5.0.*" - nbconvert-core: ">=6.4.4" - tornado: ">=6.2.0" - jupyter_client: ">=7.4.4" - nbformat: ">=5.3.0" - pyzmq: ">=24" - traitlets: ">=5.6.0" - anyio: ">=3.1.0" - send2trash: ">=1.8.2" - jupyter_events: ">=0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/parso-0.8.3-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7d15498584d83de3b357425e37086397 - sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 + md5: 17a565a0c3899244e938cdf417e7b094 + sha256: 4e26d5daf5de0e31aa5e74ac56386a361b202433b83f024fdadbf07d4a244da4 category: main optional: false - - name: libarrow-substrait - version: 14.0.1 + - name: partd + version: 1.4.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libarrow-dataset: 14.0.1 - libcxx: ">=15.0.7" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libarrow-substrait-14.0.1-h2cc6c1c_3_cpu.conda + locket: "" + python: ">=3.7" + toolz: "" + url: https://conda.anaconda.org/conda-forge/noarch/partd-1.4.1-pyhd8ed1ab_0.conda hash: - md5: eb66f8083a629917f4ecb94351ca1903 - sha256: fc51009762be7f0f5abc1ffed1b413122422a21bc2a309abbdb537a76b939b54 + md5: acf4b7c0bcd5fa3b0e05801c4d2accd6 + sha256: b248238da2bb9dfe98e680af911dc7013af86095e3ec8baf08905555632d34c7 category: main optional: false - - name: nbconvert-pandoc - version: 7.11.0 + - name: partd + version: 1.4.1 manager: conda platform: osx-64 dependencies: - pandoc: "" - python: ">=3.8" - nbconvert-core: 7.11.0 - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-pandoc-7.11.0-pyhd8ed1ab_0.conda + toolz: "" + locket: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/partd-1.4.1-pyhd8ed1ab_0.conda hash: - md5: 51bd005efab7e5c5c2af2570327bd213 - sha256: 377d3c3f973b6885406ff6606d24c5e1fbd0d0fdc64c0dc17162f6daf35e08cf + md5: acf4b7c0bcd5fa3b0e05801c4d2accd6 + sha256: b248238da2bb9dfe98e680af911dc7013af86095e3ec8baf08905555632d34c7 category: main optional: false - - name: qtconsole-base - version: 5.5.1 + - name: partd + version: 1.4.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - packaging: "" - pygments: "" - traitlets: "" - jupyter_core: "" - python: ">=3.8" - ipykernel: ">=4.1" - jupyter_client: ">=4.1" - qtpy: ">=2.4.0" - url: https://conda.anaconda.org/conda-forge/noarch/qtconsole-base-5.5.1-pyha770c72_0.conda + toolz: "" + locket: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/partd-1.4.1-pyhd8ed1ab_0.conda hash: - md5: 5528a3eda283b421055c89bface19a1c - sha256: e81a294941a598aabfd9462cf9aaa3b3e2c04996420f82494bdc13233de8ca70 + md5: acf4b7c0bcd5fa3b0e05801c4d2accd6 + sha256: b248238da2bb9dfe98e680af911dc7013af86095e3ec8baf08905555632d34c7 category: main optional: false - - name: gcsfs - version: 2023.10.0 + - name: pastel + version: 0.2.1 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - requests: "" - aiohttp: "" - google-auth-oauthlib: "" - python: ">=3.7" - google-auth: ">=1.2" - decorator: ">4.1.2" - google-cloud-storage: ">1.40" - fsspec: 2023.10.0 - url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.10.0-pyhd8ed1ab_0.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pastel-0.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 500521931bdcc0f6d19c1c2e2ab4a5d9 - sha256: dd7559c5297359e475a125742e9cb30938579e93a17ce7537af64a04c98407a5 + md5: a4eea5bff523f26442405bc5d1f52adb + sha256: 9153f0f38c76a09da7688a61fdbf8f3d7504e2326bef53e4ec20d994311b15bd category: main optional: false - - name: jupyter-lsp - version: 2.2.0 + - name: pastel + version: 0.2.1 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - importlib-metadata: ">=4.8.3" - jupyter_server: ">=1.1.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pastel-0.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 38589f4104d11f2a59ff01a9f4e3bfb3 - sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c + md5: a4eea5bff523f26442405bc5d1f52adb + sha256: 9153f0f38c76a09da7688a61fdbf8f3d7504e2326bef53e4ec20d994311b15bd category: main optional: false - - name: jupyter-resource-usage - version: 1.0.1 + - name: pastel + version: 0.2.1 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - jupyter_server: ">=2.0.0,<3" - psutil: ">=5.6.0,<6" - pyzmq: ">=19" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-resource-usage-1.0.1-pyhd8ed1ab_0.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pastel-0.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: b079fd1b0ee75199a042537d036b496f - sha256: 076d6cc25e0338e725a653eb0bb468ba920e49449143335696581fe98f86853b - category: dev - optional: true - - name: jupyterlab_server - version: 2.25.2 + md5: a4eea5bff523f26442405bc5d1f52adb + sha256: 9153f0f38c76a09da7688a61fdbf8f3d7504e2326bef53e4ec20d994311b15bd + category: main + optional: false + - name: pathspec + version: 0.11.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.8" - packaging: ">=21.3" - jinja2: ">=3.0.3" - importlib-metadata: ">=4.8.3" - jupyter_server: ">=1.21,<3" - babel: ">=2.10" - json5: ">=0.9.0" - requests: ">=2.31" - jsonschema: ">=4.18" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pathspec-0.11.2-pyhd8ed1ab_0.conda hash: - md5: f45557d5551b54dc2a74133a310bc1ba - sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b + md5: e41debb259e68490e3ab81e46b639ab6 + sha256: 7bcfa6d86359d45572ba9ccaeaedc04b0452e2654fe44b6fe378d0d37b8745e1 category: main optional: false - - name: nbconvert - version: 7.11.0 + - name: pathspec + version: 0.11.2 manager: conda platform: osx-64 dependencies: - python: ">=3.8" - nbconvert-core: 7.11.0 - nbconvert-pandoc: 7.11.0 - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-7.11.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pathspec-0.11.2-pyhd8ed1ab_0.conda hash: - md5: e492b36cbea1c83d1663fa73a8abff9b - sha256: 6af7048b30c0ce6746297548df981037802f713853a1e856aedd2f8164946d39 + md5: e41debb259e68490e3ab81e46b639ab6 + sha256: 7bcfa6d86359d45572ba9ccaeaedc04b0452e2654fe44b6fe378d0d37b8745e1 category: main optional: false - - name: notebook-shim - version: 0.2.3 + - name: pathspec + version: 0.11.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: python: ">=3.7" - jupyter_server: ">=1.8,<3" - url: https://conda.anaconda.org/conda-forge/noarch/notebook-shim-0.2.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/pathspec-0.11.2-pyhd8ed1ab_0.conda hash: - md5: 67e0fe74c156267d9159e9133df7fd37 - sha256: f028d7ad1f2175cde307db08b60d07e371b9d6f035cfae6c81ea94b4c408c538 + md5: e41debb259e68490e3ab81e46b639ab6 + sha256: 7bcfa6d86359d45572ba9ccaeaedc04b0452e2654fe44b6fe378d0d37b8745e1 category: main optional: false - - name: pyarrow - version: 14.0.1 + - name: pbr + version: 6.0.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libarrow-dataset: 14.0.1 - libarrow-flight: 14.0.1 - libarrow-flight-sql: 14.0.1 - libarrow-gandiva: 14.0.1 - libarrow-substrait: 14.0.1 - libcxx: ">=15.0.7" - libparquet: 14.0.1 - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/pyarrow-14.0.1-py311h98a0319_3_cpu.conda + pip: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pbr-6.0.0-pyhd8ed1ab_0.conda hash: - md5: f574fa744f76f78af4287040a79072bb - sha256: 6f54b81c50c5f383614b98bf05f2aff01a1831c42576557a606325753d2f7581 + md5: 8dbab5ba746ed14aa32cb232dc437f8f + sha256: 4c83853fc6349de163c2871613e064e5fdab91723db9b50bcda681adc05e4b87 category: main optional: false - - name: jupyterlab - version: 4.0.8 + - name: pbr + version: 6.0.0 manager: conda platform: osx-64 dependencies: - packaging: "" - traitlets: "" - tomli: "" - ipykernel: "" - jupyter_core: "" - python: ">=3.8" - jinja2: ">=3.0.3" - tornado: ">=6.2.0" - importlib_metadata: ">=4.8.3" - jupyter_server: ">=2.4.0,<3" - importlib_resources: ">=1.4" - jupyter-lsp: ">=2.0.0" - async-lru: ">=1.0.0" - jupyterlab_server: ">=2.19.0,<3" - notebook-shim: ">=0.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab-4.0.8-pyhd8ed1ab_0.conda + pip: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pbr-6.0.0-pyhd8ed1ab_0.conda hash: - md5: 299796efa08ad91c602fa4d0c5ecc86f - sha256: fe5ca6c8bbda69af332593d7f9592aa19d9ab98d34c647ed0d8fbbae88b29a95 - category: dev - optional: true - - name: notebook - version: 7.0.6 + md5: 8dbab5ba746ed14aa32cb232dc437f8f + sha256: 4c83853fc6349de163c2871613e064e5fdab91723db9b50bcda681adc05e4b87 + category: main + optional: false + - name: pbr + version: 6.0.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.8" - tornado: ">=6.2.0" - jupyter_server: ">=2.4.0,<3" - jupyterlab_server: ">=2.22.1,<3" - notebook-shim: ">=0.2,<0.3" - jupyterlab: ">=4.0.7,<5" - url: https://conda.anaconda.org/conda-forge/noarch/notebook-7.0.6-pyhd8ed1ab_0.conda + pip: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pbr-6.0.0-pyhd8ed1ab_0.conda hash: - md5: d60881c78a54cbf8042ae719f1f77a50 - sha256: 5259ad2fb47300407dafa6ea5e78085a2c8de8dcdbfbaa58592bf2677d7187a9 + md5: 8dbab5ba746ed14aa32cb232dc437f8f + sha256: 4c83853fc6349de163c2871613e064e5fdab91723db9b50bcda681adc05e4b87 category: main optional: false - - name: jupyter - version: 1.0.0 + - name: pcre2 + version: "10.42" manager: conda - platform: osx-64 + platform: linux-64 dependencies: - ipywidgets: "" - notebook: "" - ipykernel: "" - nbconvert: "" - qtconsole-base: "" - jupyter_console: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-1.0.0-pyhd8ed1ab_10.conda + bzip2: ">=1.0.8,<2.0a0" + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/pcre2-10.42-hcad00b1_0.conda hash: - md5: 056b8cc3d9b03f54fc49e6d70d7dc359 - sha256: 308b521b149e7a1739f717538b929bc2d87b9001b94f13ee8baa939632a86150 + md5: 679c8961826aa4b50653bce17ee52abe + sha256: 3ca54ff0abcda964af7d4724d389ae20d931159ae1881cfe57ad4b0ab9e6a380 category: main optional: false - - name: sphinx-autoapi - version: 3.0.0 + - name: pcre2 + version: "10.42" manager: conda platform: osx-64 dependencies: - pyyaml: "" - jinja2: "" - anyascii: "" - python: ">=3.8" - astroid: ">=2.7" - sphinx: ">=6.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-autoapi-3.0.0-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/pcre2-10.42-h0ad2156_0.conda hash: - md5: 736b53813c2b9582b1345462d8ca66e7 - sha256: 61d127c9e32176ac75a24b85c4d1ba3e8cf7e638884331429752a2da6a3ac63a + md5: 41de8bab2d5e5cd6daaba1896e81d366 + sha256: 689559d94b64914e503d2ced53b78afc19562ed1ccfb284040797a6d41bb564c category: main optional: false - - name: sphinx-basic-ng - version: 1.0.0b2 + - name: pcre2 + version: "10.42" manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.7" - sphinx: ">=4.0,<8.0" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-basic-ng-1.0.0b2-pyhd8ed1ab_1.conda + bzip2: ">=1.0.8,<2.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pcre2-10.42-h26f9a81_0.conda hash: - md5: a631f5c7b7f5045448f966ad71aa2881 - sha256: 3c7a6a8bb6c9921741ef940cd61ff1694beac3c95ca7e9ad4b0ea32e2f6ac2fa + md5: 3e12888ecc8ee1ebee2eef9b7856357a + sha256: 0335a08349ecd8dce0b81699fcd61b58415e658fe953feb27316fbb994df0685 category: main optional: false - - name: furo - version: 2023.9.10 + - name: pendulum + version: 2.1.2 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - beautifulsoup4: "" - sphinx-basic-ng: "" - python: ">=3.7" - pygments: ">=2.7" - sphinx: ">=6.0,<8.0" - url: https://conda.anaconda.org/conda-forge/noarch/furo-2023.9.10-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.6,<3.0" + python_abi: 3.11.* + pytzdata: ">=2020.1" + url: https://conda.anaconda.org/conda-forge/linux-64/pendulum-2.1.2-py311h459d7ec_6.conda hash: - md5: 0dcfacf6d3e49f2957c69c81356cf892 - sha256: 95f69e36078dd598f5b28b2e0d7ff94946170af9f990b7474ee5501378203bc3 + md5: 7ada98068961b6a6f1f620dcbfedd1ec + sha256: 59a97ea22e5bbc42981af7625b780b29eee6680bd91c52695b4e388ce786e65b category: main optional: false - - name: sphinx-issues - version: 1.2.0 + - name: pendulum + version: 2.1.2 manager: conda platform: osx-64 dependencies: - python: "" - sphinx: "" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-issues-1.2.0-py_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.6,<3.0" + python_abi: 3.11.* + pytzdata: ">=2020.1" + url: https://conda.anaconda.org/conda-forge/osx-64/pendulum-2.1.2-py311h2725bcf_6.conda hash: - md5: 2d5c0dddca9bb724dcf5a3fb295a2266 - sha256: 9d98392bff12194c45c6f13c6c93d0b15b2fe489de5746654e732009fce41a86 + md5: 451e4c395833a2cbdc1e25bfc768798d + sha256: 1ed3d1795718a165f94da87486025ddfbdf96ac74e9bbb5eb65f3369b7193c0b category: main optional: false - - name: sphinx-reredirects - version: 0.1.2 + - name: pendulum + version: 2.1.2 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - sphinx: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-reredirects-0.1.2-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python-dateutil: ">=2.6,<3.0" + python_abi: 3.11.* + pytzdata: ">=2020.1" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pendulum-2.1.2-py311heffc1b2_6.conda hash: - md5: 30e618adaaf11aa4a98912913c62a12b - sha256: bcc792d6fbfc06298d23e98216d1aeca95eb69005ce8176094128990aed1f11c + md5: f21ea89567e58aa645e40ded47edbdcb + sha256: 9530a44bc2eb93c67ce0dbaf899e7146587d94b50f7b2da755ca08ad24ed96d6 category: main optional: false - - name: sphinxcontrib-applehelp - version: 1.0.7 + - name: petl + version: 1.7.14 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-applehelp-1.0.7-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/petl-1.7.14-pyhd8ed1ab_0.conda hash: - md5: aebfabcb60c33a89c1f9290cab49bc93 - sha256: 67e2b386c7b3c858ead88fa71fe4fa5eb1f4f59d7994d167b3910a744db392d3 + md5: 65813db01f2331768d909c0852ff5d70 + sha256: f802a980b04ea3355831be31c4b94421040ec95902e203ea08c2e3fc0a1f4286 category: main optional: false - - name: sphinxcontrib-bibtex - version: 2.6.1 + - name: petl + version: 1.7.14 manager: conda platform: osx-64 dependencies: - dataclasses: "" - python: ">=3.7" - pybtex: ">=0.24" - importlib_metadata: ">=3.6" - pybtex-docutils: ">=1" - docutils: ">=0.8,!=0.18.*,!=0.19.*" - sphinx: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-bibtex-2.6.1-pyhd8ed1ab_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/petl-1.7.14-pyhd8ed1ab_0.conda hash: - md5: 109cf3a7c844834267057e80b4f4eae3 - sha256: 2d04d3e165c0959d995faab5ccd5fa3581016c02fb94df4eb5d0e0a89fe9ff50 + md5: 65813db01f2331768d909c0852ff5d70 + sha256: f802a980b04ea3355831be31c4b94421040ec95902e203ea08c2e3fc0a1f4286 category: main optional: false - - name: sphinxcontrib-devhelp - version: 1.0.5 + - name: petl + version: 1.7.14 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-devhelp-1.0.5-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/petl-1.7.14-pyhd8ed1ab_0.conda hash: - md5: ebf08f5184d8eaa486697bc060031953 - sha256: 770e13ebfef321426c09ec51d95c57755512db160518b2922a4337546ee51672 + md5: 65813db01f2331768d909c0852ff5d70 + sha256: f802a980b04ea3355831be31c4b94421040ec95902e203ea08c2e3fc0a1f4286 category: main optional: false - - name: sphinxcontrib-htmlhelp - version: 2.0.4 + - name: pexpect + version: 4.8.0 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-htmlhelp-2.0.4-pyhd8ed1ab_0.conda + ptyprocess: ">=0.5" + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/pexpect-4.8.0-pyh1a96a4e_2.tar.bz2 hash: - md5: a9a89000dfd19656ad004b937eeb6828 - sha256: 5f09cd4a08a6c194c11999871a8c7cedc2cd7edd9ff7ceb6f0667b6698be4cc5 + md5: 330448ce4403cc74990ac07c555942a1 + sha256: 07706c0417ead94f359ca7278f65452d3c396448777aba1da6a11fc351bdca9a category: main optional: false - - name: sphinxcontrib-qthelp - version: 1.0.6 + - name: pexpect + version: 4.8.0 manager: conda platform: osx-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-qthelp-1.0.6-pyhd8ed1ab_0.conda + python: "" + ptyprocess: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/pexpect-4.8.0-pyh1a96a4e_2.tar.bz2 hash: - md5: cf5c9649272c677a964a7313279e3a9b - sha256: 9ba5cea9cbab64106e8b5a9b19add855dcb52b8fbb1674398c715bccdbc04471 + md5: 330448ce4403cc74990ac07c555942a1 + sha256: 07706c0417ead94f359ca7278f65452d3c396448777aba1da6a11fc351bdca9a category: main optional: false - - name: sphinx - version: 7.2.6 + - name: pexpect + version: 4.8.0 manager: conda - platform: osx-64 + platform: osx-arm64 dependencies: - sphinxcontrib-jsmath: "" - sphinxcontrib-applehelp: "" - sphinxcontrib-devhelp: "" - sphinxcontrib-qthelp: "" - python: ">=3.9" - jinja2: ">=3.0" - packaging: ">=21.0" - alabaster: ">=0.7,<0.8" - requests: ">=2.25.0" - colorama: ">=0.4.5" - pygments: ">=2.14" - sphinxcontrib-htmlhelp: ">=2.0.0" - importlib-metadata: ">=4.8" - babel: ">=2.9" - imagesize: ">=1.3" - snowballstemmer: ">=2.0" - docutils: ">=0.18.1,<0.21" - sphinxcontrib-serializinghtml: ">=1.1.9" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-7.2.6-pyhd8ed1ab_0.conda + python: "" + ptyprocess: ">=0.5" + url: https://conda.anaconda.org/conda-forge/noarch/pexpect-4.8.0-pyh1a96a4e_2.tar.bz2 hash: - md5: bbfd1120d1824d2d073bc65935f0e4c0 - sha256: 665d1fe6d20c6cc672ff20e6ebb405860f878b487d3d8d86a5952733fb7bbc42 + md5: 330448ce4403cc74990ac07c555942a1 + sha256: 07706c0417ead94f359ca7278f65452d3c396448777aba1da6a11fc351bdca9a category: main optional: false - - name: sphinxcontrib-serializinghtml - version: 1.1.9 + - name: pickleshare + version: 0.7.5 manager: conda - platform: osx-64 + platform: linux-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-serializinghtml-1.1.9-pyhd8ed1ab_0.conda + python: ">=3" + url: https://conda.anaconda.org/conda-forge/noarch/pickleshare-0.7.5-py_1003.tar.bz2 hash: - md5: 0612e497d7860728f2cda421ea2aec09 - sha256: c5710ae7bb7465f25a29cc845d9fb6ad0ea561972d796d379fcb48d801e96d6d + md5: 415f0ebb6198cc2801c73438a9fb5761 + sha256: a1ed1a094dd0d1b94a09ed85c283a0eb28943f2e6f22161fb45e128d35229738 category: main optional: false - - name: aws-c-common - version: 0.9.8 + - name: pickleshare + version: 0.7.5 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-common-0.9.8-h93a5062_0.conda + platform: osx-64 + dependencies: + python: ">=3" + url: https://conda.anaconda.org/conda-forge/noarch/pickleshare-0.7.5-py_1003.tar.bz2 hash: - md5: cde0cd0c85e62c192da64c49130a7ccd - sha256: 811730643b941f7b3419fdba4824aaac745944e4bcc462c5737ba4025213158e + md5: 415f0ebb6198cc2801c73438a9fb5761 + sha256: a1ed1a094dd0d1b94a09ed85c283a0eb28943f2e6f22161fb45e128d35229738 category: main optional: false - - name: bzip2 - version: 1.0.8 + - name: pickleshare + version: 0.7.5 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/bzip2-1.0.8-h93a5062_5.conda + dependencies: + python: ">=3" + url: https://conda.anaconda.org/conda-forge/noarch/pickleshare-0.7.5-py_1003.tar.bz2 hash: - md5: 1bbc659ca658bfd49a481b5ef7a0f40f - sha256: bfa84296a638bea78a8bb29abc493ee95f2a0218775642474a840411b950fe5f + md5: 415f0ebb6198cc2801c73438a9fb5761 + sha256: a1ed1a094dd0d1b94a09ed85c283a0eb28943f2e6f22161fb45e128d35229738 category: main optional: false - - name: c-ares - version: 1.21.0 + - name: pillow + version: 10.1.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/c-ares-1.21.0-h93a5062_0.conda + platform: linux-64 + dependencies: + freetype: ">=2.12.1,<3.0a0" + lcms2: ">=2.15,<3.0a0" + libgcc-ng: ">=12" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libxcb: ">=1.15,<1.16.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openjpeg: ">=2.5.0,<3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + tk: ">=8.6.13,<8.7.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/pillow-10.1.0-py311ha6c5da5_0.conda hash: - md5: b3679505660f03e94430de5ea72114bd - sha256: 1f6436eb0bc3c6d6e14ae83610f821b2d55c4b1fd343bbeefd60a0e48fabe63d + md5: 83a988daf5c49e57f7d2086fb6781fe8 + sha256: 5b037243f76644fe2e565aa6a3764039dba47cddf8bbef8ef01643775a459b60 category: main optional: false - - name: ca-certificates - version: 2023.11.17 + - name: pillow + version: 10.1.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/ca-certificates-2023.11.17-hf0a4a13_0.conda + platform: osx-64 + dependencies: + freetype: ">=2.12.1,<3.0a0" + lcms2: ">=2.15,<3.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libxcb: ">=1.15,<1.16.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openjpeg: ">=2.5.0,<3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + tk: ">=8.6.13,<8.7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/pillow-10.1.0-py311hea5c87a_0.conda hash: - md5: c01da7c77cfcba2107174e25c1d47384 - sha256: 75f4762a55f7e9453a603c967d549bfa0a7a9669d502d103cb6fbf8c86d993c6 + md5: ffff517d90b21a5d44ef907a5a01f695 + sha256: 44bb951ae60cc96ab9273592ede9ee94a422857e857e52c55c261ad5f1525686 category: main optional: false - - name: font-ttf-dejavu-sans-mono - version: "2.37" + - name: pillow + version: 10.1.0 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-dejavu-sans-mono-2.37-hab24e00_0.tar.bz2 + dependencies: + freetype: ">=2.12.1,<3.0a0" + lcms2: ">=2.15,<3.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libwebp-base: ">=1.3.2,<2.0a0" + libxcb: ">=1.15,<1.16.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openjpeg: ">=2.5.0,<3.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + tk: ">=8.6.13,<8.7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pillow-10.1.0-py311hb9c5795_0.conda hash: - md5: 0c96522c6bdaed4b1566d11387caaf45 - sha256: 58d7f40d2940dd0a8aa28651239adbf5613254df0f75789919c4e6762054403b + md5: 90fd1f60da9f3d5eccdece0945043037 + sha256: 9699ba6886e94e32eb949009195ed78c2c949f74450235af491cd4cbe390d7b4 category: main optional: false - - name: font-ttf-inconsolata - version: "3.000" + - name: pint + version: "0.22" manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-inconsolata-3.000-h77eed37_0.tar.bz2 + platform: linux-64 + dependencies: + python: ">=3.9" + typing_extensions: "" + url: https://conda.anaconda.org/conda-forge/noarch/pint-0.22-pyhd8ed1ab_1.conda hash: - md5: 34893075a5c9e55cdafac56607368fc6 - sha256: c52a29fdac682c20d252facc50f01e7c2e7ceac52aa9817aaf0bb83f7559ec5c + md5: a719c3f3959c529e558e9ed9f98c3f30 + sha256: 49795ff6e5e634523aafe34e869c425e2cdc4a1fcb11aa294d7983035bc38622 category: main optional: false - - name: font-ttf-source-code-pro - version: "2.038" + - name: pint + version: "0.22" manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-source-code-pro-2.038-h77eed37_0.tar.bz2 + platform: osx-64 + dependencies: + typing_extensions: "" + python: ">=3.9" + url: https://conda.anaconda.org/conda-forge/noarch/pint-0.22-pyhd8ed1ab_1.conda hash: - md5: 4d59c254e01d9cde7957100457e2d5fb - sha256: 00925c8c055a2275614b4d983e1df637245e19058d79fc7dd1a93b8d9fb4b139 + md5: a719c3f3959c529e558e9ed9f98c3f30 + sha256: 49795ff6e5e634523aafe34e869c425e2cdc4a1fcb11aa294d7983035bc38622 category: main optional: false - - name: font-ttf-ubuntu - version: "0.83" + - name: pint + version: "0.22" manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/font-ttf-ubuntu-0.83-hab24e00_0.tar.bz2 + dependencies: + typing_extensions: "" + python: ">=3.9" + url: https://conda.anaconda.org/conda-forge/noarch/pint-0.22-pyhd8ed1ab_1.conda hash: - md5: 19410c3df09dfb12d1206132a1d357c5 - sha256: 470d5db54102bd51dbb0c5990324a2f4a0bc976faa493b22193338adb9882e2e + md5: a719c3f3959c529e558e9ed9f98c3f30 + sha256: 49795ff6e5e634523aafe34e869c425e2cdc4a1fcb11aa294d7983035bc38622 category: main optional: false - - name: fribidi - version: 1.0.10 - manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/fribidi-1.0.10-h27ca646_0.tar.bz2 - hash: - md5: c64443234ff91d70cb9c7dc926c58834 - sha256: 4b37ea851a2cf85edf0a63d2a63266847ec3dcbba4a31156d430cdd6aa811303 - category: dev - optional: true - - name: giflib - version: 5.2.1 + - name: pip + version: 23.3.1 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/giflib-5.2.1-h1a8c8d9_3.conda + platform: linux-64 + dependencies: + python: ">=3.7" + setuptools: "" + wheel: "" + url: https://conda.anaconda.org/conda-forge/noarch/pip-23.3.1-pyhd8ed1ab_0.conda hash: - md5: f39a05d3dbb0e5024b7deabb2c0993f1 - sha256: dbf1e431d3e5e03f8eeb77ec08a4c5d6d5d9af84dbef13d4365e397dd389beb8 + md5: 2400c0b86889f43aa52067161e1fb108 + sha256: 435829a03e1c6009f013f29bb83de8b876c388820bf8cf69a7baeec25f6a3563 category: main optional: false - - name: icu - version: "73.2" + - name: pip + version: 23.3.1 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/icu-73.2-hc8870d7_0.conda + platform: osx-64 + dependencies: + setuptools: "" + wheel: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pip-23.3.1-pyhd8ed1ab_0.conda hash: - md5: 8521bd47c0e11c5902535bb1a17c565f - sha256: ff9cd0c6cd1349954c801fb443c94192b637e1b414514539f3c49c56a39f51b1 + md5: 2400c0b86889f43aa52067161e1fb108 + sha256: 435829a03e1c6009f013f29bb83de8b876c388820bf8cf69a7baeec25f6a3563 category: main optional: false - - name: json-c - version: "0.17" + - name: pip + version: 23.3.1 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/json-c-0.17-h40ed0f5_0.conda + dependencies: + setuptools: "" + wheel: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pip-23.3.1-pyhd8ed1ab_0.conda hash: - md5: 7de5604deb99090c8e8c4863f60568d1 - sha256: d47138a2829ce47d2e9ec1dbe108d1a6fe58c5d8724ea904985a420ad760f93f + md5: 2400c0b86889f43aa52067161e1fb108 + sha256: 435829a03e1c6009f013f29bb83de8b876c388820bf8cf69a7baeec25f6a3563 category: main optional: false - - name: libboost-headers - version: 1.82.0 + - name: pixman + version: 0.42.2 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libboost-headers-1.82.0-hce30654_6.conda + platform: linux-64 + dependencies: + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/pixman-0.42.2-h59595ed_0.conda hash: - md5: ae7c68cf82c23fe6c68f0efa064ef41a - sha256: 19cc7fff73fda78f142a875f06f2467fcbfc5c8c3e0db92b212e425de309a27d + md5: 700edd63ccd5fc66b70b1c028cea9a68 + sha256: ae917851474eb3b08812b02c9e945d040808523ec53f828aa74a90b0cdf15f57 category: main optional: false - - name: libbrotlicommon - version: 1.1.0 + - name: pixman + version: 0.42.2 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libbrotlicommon-1.1.0-hb547adb_1.conda + platform: osx-64 + dependencies: + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-64/pixman-0.42.2-he965462_0.conda hash: - md5: cd68f024df0304be41d29a9088162b02 - sha256: 556f0fddf4bd4d35febab404d98cb6862ce3b7ca843e393da0451bfc4654cf07 + md5: e4180dcfd3e3621560fe1ad522997520 + sha256: d9181736d4b3260a03443e8fd1c47c491e189b2344913eaf5dead27947a274e4 category: main optional: false - - name: libcxx - version: 16.0.6 + - name: pixman + version: 0.42.2 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libcxx-16.0.6-h4653b0c_0.conda + dependencies: + libcxx: ">=15.0.7" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pixman-0.42.2-h13dd4ca_0.conda hash: - md5: 9d7d724faf0413bf1dbc5a85935700c8 - sha256: 11d3fb51c14832d9e4f6d84080a375dec21ea8a3a381a1910e67ff9cedc20355 + md5: f96347021db6f33ccabe314ddeab62d4 + sha256: 90e60dc5604e356d47ef97b23b13759ef3d8b70fa2c637f4809d29851435d7d7 category: main optional: false - - name: libdeflate - version: "1.19" + - name: pkginfo + version: 1.9.6 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libdeflate-1.19-hb547adb_0.conda + platform: linux-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pkginfo-1.9.6-pyhd8ed1ab_0.conda hash: - md5: f8c1eb0e99e90b55965c6558578537cc - sha256: 6a3d188a6ae845a742dc85c5fb3f7eb1e252726cd74f0b8a7fa25ec09db6b87a + md5: be1e9f1c65a1ed0f2ae9352fec99db64 + sha256: 7ea5a5af62a15376d9f4f9f3c134874d0b0710f39be719e849b7fa9ca8870502 category: main optional: false - - name: libev - version: "4.33" + - name: pkginfo + version: 1.9.6 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libev-4.33-h642e427_1.tar.bz2 + platform: osx-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pkginfo-1.9.6-pyhd8ed1ab_0.conda hash: - md5: 566dbf70fe79eacdb3c3d3d195a27f55 - sha256: eb7325eb2e6bd4c291cb9682781b35b8c0f68cb72651c35a5b9dd22707ebd25c + md5: be1e9f1c65a1ed0f2ae9352fec99db64 + sha256: 7ea5a5af62a15376d9f4f9f3c134874d0b0710f39be719e849b7fa9ca8870502 category: main optional: false - - name: libexpat - version: 2.5.0 + - name: pkginfo + version: 1.9.6 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libexpat-2.5.0-hb7217d7_1.conda + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pkginfo-1.9.6-pyhd8ed1ab_0.conda hash: - md5: 5a097ad3d17e42c148c9566280481317 - sha256: 7d143a9c991579ad4207f84c632650a571c66329090daa32b3c87cf7311c3381 + md5: be1e9f1c65a1ed0f2ae9352fec99db64 + sha256: 7ea5a5af62a15376d9f4f9f3c134874d0b0710f39be719e849b7fa9ca8870502 category: main optional: false - - name: libffi - version: 3.4.2 + - name: pkgutil-resolve-name + version: 1.3.10 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libffi-3.4.2-h3422bc3_5.tar.bz2 + platform: linux-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pkgutil-resolve-name-1.3.10-pyhd8ed1ab_1.conda hash: - md5: 086914b672be056eb70fd4285b6783b6 - sha256: 41b3d13efb775e340e4dba549ab5c029611ea6918703096b2eaa9c015c0750ca + md5: 405678b942f2481cecdb3e010f4925d9 + sha256: fecf95377134b0e8944762d92ecf7b0149c07d8186fb5db583125a2705c7ea0a category: main optional: false - - name: libiconv - version: "1.17" + - name: pkgutil-resolve-name + version: 1.3.10 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libiconv-1.17-he4db4b2_0.tar.bz2 + platform: osx-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pkgutil-resolve-name-1.3.10-pyhd8ed1ab_1.conda hash: - md5: 686f9c755574aa221f29fbcf36a67265 - sha256: 2eb33065783b802f71d52bef6f15ce0fafea0adc8506f10ebd0d490244087bec + md5: 405678b942f2481cecdb3e010f4925d9 + sha256: fecf95377134b0e8944762d92ecf7b0149c07d8186fb5db583125a2705c7ea0a category: main optional: false - - name: libjpeg-turbo - version: 3.0.0 + - name: pkgutil-resolve-name + version: 1.3.10 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libjpeg-turbo-3.0.0-hb547adb_1.conda + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pkgutil-resolve-name-1.3.10-pyhd8ed1ab_1.conda hash: - md5: 3ff1e053dc3a2b8e36b9bfa4256a58d1 - sha256: a42054eaa38e84fc1e5ab443facac4bbc9d1b6b6f23f54b7bf4f1eb687e1d993 + md5: 405678b942f2481cecdb3e010f4925d9 + sha256: fecf95377134b0e8944762d92ecf7b0149c07d8186fb5db583125a2705c7ea0a category: main optional: false - - name: libsodium - version: 1.0.18 + - name: platformdirs + version: 3.11.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libsodium-1.0.18-h27ca646_1.tar.bz2 + platform: linux-64 + dependencies: + python: ">=3.7" + typing-extensions: ">=4.6.3" + url: https://conda.anaconda.org/conda-forge/noarch/platformdirs-3.11.0-pyhd8ed1ab_0.conda hash: - md5: 90859688dbca4735b74c02af14c4c793 - sha256: 1d95fe5e5e6a0700669aab454b2a32f97289c9ed8d1f7667c2ba98327a6f05bc + md5: 8f567c0a74aa44cf732f15773b4083b0 + sha256: b3d809ff5a18ee8514bba8bc05a23b4cdf1758090a18a2cf742af38aed405144 category: main optional: false - - name: libtool - version: 2.4.7 + - name: platformdirs + version: 3.11.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libtool-2.4.7-hb7217d7_0.conda + platform: osx-64 + dependencies: + python: ">=3.7" + typing-extensions: ">=4.6.3" + url: https://conda.anaconda.org/conda-forge/noarch/platformdirs-3.11.0-pyhd8ed1ab_0.conda hash: - md5: fe8efc3385f58f0055e8100b07225055 - sha256: efe50471d2baea151f2a93f1f99c05553f8c88e3f0065cdc267e1aa2e8c42449 - category: dev - optional: true - - name: libutf8proc - version: 2.8.0 + md5: 8f567c0a74aa44cf732f15773b4083b0 + sha256: b3d809ff5a18ee8514bba8bc05a23b4cdf1758090a18a2cf742af38aed405144 + category: main + optional: false + - name: platformdirs + version: 3.11.0 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libutf8proc-2.8.0-h1a8c8d9_0.tar.bz2 + dependencies: + python: ">=3.7" + typing-extensions: ">=4.6.3" + url: https://conda.anaconda.org/conda-forge/noarch/platformdirs-3.11.0-pyhd8ed1ab_0.conda hash: - md5: f8c9c41a122ab3abdf8943b13f4957ee - sha256: a3faddac08efd930fa3a1cc254b5053b4ed9428c49a888d437bf084d403c931a + md5: 8f567c0a74aa44cf732f15773b4083b0 + sha256: b3d809ff5a18ee8514bba8bc05a23b4cdf1758090a18a2cf742af38aed405144 category: main optional: false - - name: libuv - version: 1.46.0 + - name: pluggy + version: 1.3.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libuv-1.46.0-hb547adb_0.conda + platform: linux-64 + dependencies: + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pluggy-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 5f1d535f82e8210ac80d191610b92325 - sha256: f2fe8e22a99f91761c16dc7b00408bff0f5c30d4cccc6ea562db00a4041c5579 + md5: 2390bd10bed1f3fdc7a537fb5a447d8d + sha256: 7bf2ad9d747e71f1e93d0863c2c8061dd0f2fe1e582f28d292abfb40264a2eb5 category: main optional: false - - name: libwebp-base - version: 1.3.2 + - name: pluggy + version: 1.3.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libwebp-base-1.3.2-hb547adb_0.conda + platform: osx-64 + dependencies: + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pluggy-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 85dbc11098cdbe4244cd73f29a3ab795 - sha256: a159b848193043fb58465ae6a449361615dadcf27babfe0b18db2bd3eb59e958 + md5: 2390bd10bed1f3fdc7a537fb5a447d8d + sha256: 7bf2ad9d747e71f1e93d0863c2c8061dd0f2fe1e582f28d292abfb40264a2eb5 category: main optional: false - - name: libzlib - version: 1.2.13 + - name: pluggy + version: 1.3.0 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/libzlib-1.2.13-h53f4e23_5.conda + dependencies: + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pluggy-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 1a47f5236db2e06a320ffa0392f81bd8 - sha256: ab1c8aefa2d54322a63aaeeefe9cf877411851738616c4068e0dccc66b9c758a + md5: 2390bd10bed1f3fdc7a537fb5a447d8d + sha256: 7bf2ad9d747e71f1e93d0863c2c8061dd0f2fe1e582f28d292abfb40264a2eb5 category: main optional: false - - name: llvm-openmp - version: 17.0.5 + - name: poppler + version: 23.11.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/llvm-openmp-17.0.5-hcd81f8e_0.conda + platform: linux-64 + dependencies: + cairo: ">=1.18.0,<2.0a0" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + lcms2: ">=2.15,<3.0a0" + libcurl: ">=8.4.0,<9.0a0" + libgcc-ng: ">=12" + libglib: ">=2.78.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libstdcxx-ng: ">=12" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + nspr: ">=4.35,<5.0a0" + nss: ">=3.94,<4.0a0" + openjpeg: ">=2.5.0,<3.0a0" + poppler-data: "" + url: https://conda.anaconda.org/conda-forge/linux-64/poppler-23.11.0-h590f24d_0.conda hash: - md5: 7307ed345b859c2d6680d277dfc13bdd - sha256: d6ac131d98df60c85206455f49fe1921a9eeef9962bbe1f06ada22573c09b0e6 + md5: 671439d8eca2084bb5a75561fff23a85 + sha256: 8050002e01be124efcb82e32e740676f5ed7dfe852f335408554e6dc3b060ad9 category: main optional: false - - name: lzo - version: "2.10" + - name: poppler + version: 23.11.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/lzo-2.10-h642e427_1000.tar.bz2 + platform: osx-64 + dependencies: + __osx: ">=10.9" + cairo: ">=1.18.0,<2.0a0" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + gettext: ">=0.21.1,<1.0a0" + lcms2: ">=2.15,<3.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" + libglib: ">=2.78.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + nspr: ">=4.35,<5.0a0" + nss: ">=3.94,<4.0a0" + openjpeg: ">=2.5.0,<3.0a0" + poppler-data: "" + url: https://conda.anaconda.org/conda-forge/osx-64/poppler-23.11.0-hdd5a5e8_0.conda hash: - md5: ddab5f96f5573a9bd5e24f9994fd6ec9 - sha256: ae029e5c16893071d29a11ddbfdbdb01b2ebf10d1785f54370934439d8b71817 + md5: 60ffe2d3a09ff99eb2601487d6ddaeea + sha256: fb6a53ddac3fa8c097b4a0b7d2f40219b13bfa3324147aaf6c5a14ee5fb27521 category: main optional: false - - name: pandoc - version: 3.1.3 + - name: poppler + version: 23.11.0 manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/pandoc-3.1.3-hce30654_0.conda + dependencies: + __osx: ">=10.9" + cairo: ">=1.18.0,<2.0a0" + fontconfig: ">=2.14.2,<3.0a0" + fonts-conda-ecosystem: "" + freetype: ">=2.12.1,<3.0a0" + gettext: ">=0.21.1,<1.0a0" + lcms2: ">=2.15,<3.0a0" + libcurl: ">=8.4.0,<9.0a0" + libcxx: ">=16.0.6" + libglib: ">=2.78.0,<3.0a0" + libiconv: ">=1.17,<2.0a0" + libjpeg-turbo: ">=3.0.0,<4.0a0" + libpng: ">=1.6.39,<1.7.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + nspr: ">=4.35,<5.0a0" + nss: ">=3.94,<4.0a0" + openjpeg: ">=2.5.0,<3.0a0" + poppler-data: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/poppler-23.11.0-hcdd998b_0.conda hash: - md5: 7edcc75acdac60dba441b229c0ec66ee - sha256: 858a923c8b9082791b2c13c2ff2ae87e28dd2e2655f56117c8ecb7d366002bc7 + md5: 19386a03a7c57a378953bafb4f598156 + sha256: a6677b507cbdb6202c872aa461b4bf8cfcbe5791721fe1f42615b89205d4a4a6 category: main optional: false - name: poppler-data version: 0.4.12 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: {} url: https://conda.anaconda.org/conda-forge/noarch/poppler-data-0.4.12-hd8ed1ab_0.conda hash: @@ -16462,5948 +16629,6182 @@ package: sha256: 2f227e17b3c0346112815faa605502b66c1c4511a856127f2899abf15a98a2cf category: main optional: false - - name: pthread-stubs - version: "0.4" - manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/pthread-stubs-0.4-h27ca646_1001.tar.bz2 - hash: - md5: d3f26c6494d4105d4ecb85203d687102 - sha256: 9da9e6f5d51dff6ad2e4ee0874791437ba952e0a6249942273f0fedfd07ea826 - category: main - optional: false - - name: python_abi - version: "3.11" + - name: poppler-data + version: 0.4.12 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/python_abi-3.11-4_cp311.conda - hash: - md5: 8d3751bc73d3bbb66f216fa2331d5649 - sha256: 4837089c477b9b84fa38a17f453e6634e68237267211b27a8a2f5ccd847f4e55 + url: https://conda.anaconda.org/conda-forge/noarch/poppler-data-0.4.12-hd8ed1ab_0.conda + hash: + md5: d8d7293c5b37f39b2ac32940621c6592 + sha256: 2f227e17b3c0346112815faa605502b66c1c4511a856127f2899abf15a98a2cf category: main optional: false - - name: tzcode - version: 2023c + - name: poppler-data + version: 0.4.12 manager: conda platform: osx-arm64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/tzcode-2023c-h1a8c8d9_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/poppler-data-0.4.12-hd8ed1ab_0.conda hash: - md5: 96779d3be996d78411b083f99a51199c - sha256: 0a60ff53272547a0f80862f0a1969a5d1cec16bd2e9098ed5b07d317682a4361 + md5: d8d7293c5b37f39b2ac32940621c6592 + sha256: 2f227e17b3c0346112815faa605502b66c1c4511a856127f2899abf15a98a2cf category: main optional: false - - name: tzdata - version: 2023c + - name: postgresql + version: "16.1" manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/noarch/tzdata-2023c-h71feb2d_0.conda + platform: linux-64 + dependencies: + krb5: ">=1.21.2,<1.22.0a0" + libgcc-ng: ">=12" + libpq: "16.1" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + readline: ">=8.2,<9.0a0" + tzcode: "" + tzdata: "" + zlib: "" + url: https://conda.anaconda.org/conda-forge/linux-64/postgresql-16.1-h8972f4a_0.conda hash: - md5: 939e3e74d8be4dac89ce83b20de2492a - sha256: 0449138224adfa125b220154408419ec37c06b0b49f63c5954724325903ecf55 + md5: 1e9ab0760262044fa00814088667e451 + sha256: 74dfb5793a00a0a9e85296ce0944d8af0f71758574b7c8f9e7d5590250441e24 category: main optional: false - - name: xorg-libxau - version: 1.0.11 + - name: postgresql + version: "16.1" manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/xorg-libxau-1.0.11-hb547adb_0.conda + platform: osx-64 + dependencies: + krb5: ">=1.21.2,<1.22.0a0" + libpq: "16.1" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + readline: ">=8.2,<9.0a0" + tzcode: "" + tzdata: "" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-64/postgresql-16.1-h413614c_0.conda hash: - md5: ca73dc4f01ea91e44e3ed76602c5ea61 - sha256: 02c313a1cada46912e5b9bdb355cfb4534bfe22143b4ea4ecc419690e793023b + md5: b7322d27093606b939fb92fa33b92beb + sha256: 612393024639882d7515429e639c85fa3b712d114c5a6b3a4b3891b061e1bc89 category: main optional: false - - name: xorg-libxdmcp - version: 1.1.3 + - name: postgresql + version: "16.1" manager: conda platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/xorg-libxdmcp-1.1.3-h27ca646_0.tar.bz2 + dependencies: + krb5: ">=1.21.2,<1.22.0a0" + libpq: "16.1" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + openssl: ">=3.1.4,<4.0a0" + readline: ">=8.2,<9.0a0" + tzcode: "" + tzdata: "" + zlib: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/postgresql-16.1-hc6ab77f_0.conda hash: - md5: 6738b13f7fadc18725965abdd4129c36 - sha256: d9a2fb4762779994718832f05a7d62ab2dcf6103a312235267628b5187ce88f7 + md5: 37398d1ad2fbeaa7733711b845da863e + sha256: 441f5ad3fac42e7daf9c246ad0dc0962c7f0b4c9ac1044038d3a053d339320bf category: main optional: false - - name: xz - version: 5.2.6 + - name: pre-commit + version: 3.5.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/xz-5.2.6-h57fd34a_0.tar.bz2 + platform: linux-64 + dependencies: + cfgv: ">=2.0.0" + identify: ">=1.0.0" + nodeenv: ">=0.11.1" + python: ">=3.8" + pyyaml: ">=5.1" + virtualenv: ">=20.10.0" + url: https://conda.anaconda.org/conda-forge/noarch/pre-commit-3.5.0-pyha770c72_0.conda hash: - md5: 39c6b54e94014701dd157f4f576ed211 - sha256: 59d78af0c3e071021cfe82dc40134c19dab8cdf804324b62940f5c8cd71803ec + md5: 964e3d762e427661c59263435a14c492 + sha256: 51a4a17334a15ec92805cd075776563ff93b3b6c20732c4cb607c98a761ae02f category: main optional: false - - name: yaml - version: 0.2.5 + - name: pre-commit + version: 3.5.0 manager: conda - platform: osx-arm64 - dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/yaml-0.2.5-h3422bc3_2.tar.bz2 + platform: osx-64 + dependencies: + python: ">=3.8" + pyyaml: ">=5.1" + identify: ">=1.0.0" + nodeenv: ">=0.11.1" + cfgv: ">=2.0.0" + virtualenv: ">=20.10.0" + url: https://conda.anaconda.org/conda-forge/noarch/pre-commit-3.5.0-pyha770c72_0.conda hash: - md5: 4bb3f014845110883a3c5ee811fd84b4 - sha256: 93181a04ba8cfecfdfb162fc958436d868cc37db504c58078eab4c1a3e57fbb7 + md5: 964e3d762e427661c59263435a14c492 + sha256: 51a4a17334a15ec92805cd075776563ff93b3b6c20732c4cb607c98a761ae02f category: main optional: false - - name: aws-c-cal - version: 0.6.9 + - name: pre-commit + version: 3.5.0 manager: conda platform: osx-arm64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-cal-0.6.9-hea61927_1.conda + python: ">=3.8" + pyyaml: ">=5.1" + identify: ">=1.0.0" + nodeenv: ">=0.11.1" + cfgv: ">=2.0.0" + virtualenv: ">=20.10.0" + url: https://conda.anaconda.org/conda-forge/noarch/pre-commit-3.5.0-pyha770c72_0.conda hash: - md5: 844a59d5740f086963219373174de1d3 - sha256: ebd4b794986b745fb9a9931162e7ca6a4a759625203d995749e5dfc0e23d0e6e + md5: 964e3d762e427661c59263435a14c492 + sha256: 51a4a17334a15ec92805cd075776563ff93b3b6c20732c4cb607c98a761ae02f category: main optional: false - - name: aws-c-compression - version: 0.2.17 + - name: prettier + version: 3.1.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-compression-0.2.17-hea61927_6.conda + __glibc: ">=2.17,<3.0.a0" + nodejs: ">=20.8.1,<21.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/prettier-3.1.0-h31abb78_0.conda hash: - md5: 61e64f2091370b64430faf5fe021bc54 - sha256: 01f5d5397def8f38263cc8bf3a31d2063602238073847a2941fd7f28f01da617 + md5: 825c43da21ded31f538a695cca2961ee + sha256: a836d8d87734c76e04b64f66d2a72262ac09ce7e23c92b3f77d47bdc20267a21 category: main optional: false - - name: aws-c-sdkutils - version: 0.1.12 + - name: prettier + version: 3.1.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-sdkutils-0.1.12-hea61927_5.conda + nodejs: ">=20.8.1,<21.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/prettier-3.1.0-hbd11d21_0.conda hash: - md5: 905d930730d618d5632011cb68d6744d - sha256: a1c60064bf93b4ddbc223bf494acb3e295b0846eb887017d435816e1bcfc51e5 + md5: 0f2d6f2c329df13e0ff0bd3748b2f74f + sha256: 9dfd2b3d2d4c3cbdeb341263d5107b7018197ad167633387832def6f68154e55 category: main optional: false - - name: aws-checksums - version: 0.1.17 + - name: prettier + version: 3.1.0 manager: conda platform: osx-arm64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-checksums-0.1.17-hea61927_5.conda + nodejs: ">=20.8.1,<21.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/prettier-3.1.0-hb67532b_0.conda hash: - md5: 4fcd94ba7456d0d162d3d84e5ef4db54 - sha256: 72af0036cdb7492826fafe1513cc5f0aa0280ad5d5af4a9ebbca50b81920cbe6 + md5: dfa0c94c177b8163579301aa4672f245 + sha256: c71c69ba2420da67a4bc1a5a85deab03e3c37cb4dea44a3bef01cc91e24bb1da category: main optional: false - - name: expat - version: 2.5.0 + - name: proj + version: 9.3.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libexpat: 2.5.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/expat-2.5.0-hb7217d7_1.conda + libcurl: ">=8.4.0,<9.0a0" + libgcc-ng: ">=12" + libsqlite: ">=3.43.2,<4.0a0" + libstdcxx-ng: ">=12" + libtiff: ">=4.6.0,<4.7.0a0" + sqlite: "" + url: https://conda.anaconda.org/conda-forge/linux-64/proj-9.3.0-h1d62c97_2.conda hash: - md5: 624fa0dd6fdeaa650b71a62296fdfedf - sha256: 9f06afbe4604decf6a2e8e7e87f5ca218a3e9049d57d5b3fcd538ca6240d21a0 + md5: b5e57a0c643da391bef850922963eece + sha256: 252f6c31101719e3d524679e69ae81e6323b93b143e1360169bf50e89386bf24 category: main optional: false - - name: fonts-conda-forge - version: "1" + - name: proj + version: 9.3.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - font-ttf-inconsolata: "" - font-ttf-source-code-pro: "" - font-ttf-dejavu-sans-mono: "" - font-ttf-ubuntu: "" - url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-forge-1-0.tar.bz2 + libcurl: ">=8.4.0,<9.0a0" + libsqlite: ">=3.43.2,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + sqlite: "" + url: https://conda.anaconda.org/conda-forge/osx-64/proj-9.3.0-h23b96cc_2.conda hash: - md5: f766549260d6815b0c52253f1fb1bb29 - sha256: 53f23a3319466053818540bcdf2091f253cbdbab1e0e9ae7b9e509dcaa2a5e38 + md5: 63e960e8c8020936c0b73f23bfed16dd + sha256: e1b0f351103555e0d8ab641aeba4076173c3b7a2f8ed738b43ec66709d51be15 category: main optional: false - - name: geos - version: 3.12.0 + - name: proj + version: 9.3.0 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/geos-3.12.0-h13dd4ca_0.conda + libcurl: ">=8.4.0,<9.0a0" + libsqlite: ">=3.43.2,<4.0a0" + libtiff: ">=4.6.0,<4.7.0a0" + sqlite: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/proj-9.3.0-h52fb9d0_2.conda hash: - md5: 18eb5904d2561c782e71bfe05b2ad755 - sha256: 8c21acd399d7509f6a7c7b65d5415e9500333a043f44dee063942d724adffc4a + md5: 31cbb3c9d6f8611a657e1b1a4cb5c63d + sha256: 6a76ab5ac69b1379d874a5b1405c15f13cc9fb3622a4a8837519c3328286e781 category: main optional: false - - name: gettext - version: 0.21.1 + - name: prometheus_client + version: 0.18.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libiconv: ">=1.17,<2.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/gettext-0.21.1-h0186832_0.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/prometheus_client-0.18.0-pyhd8ed1ab_1.conda hash: - md5: 63d2ff6fddfa74e5458488fd311bf635 - sha256: 093b2f96dc4b48e4952ab8946facec98b34b708a056251fc19c23c3aad30039e + md5: 46f6be657443caffcc7201d51c07aadf + sha256: dca35462761fe9a06f348a0e6216a7a5934e3e29c33bc8e173fb344116568a95 category: main optional: false - - name: gflags - version: 2.2.2 + - name: prometheus_client + version: 0.18.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=11.0.0.rc1" - url: https://conda.anaconda.org/conda-forge/osx-arm64/gflags-2.2.2-hc88da5d_1004.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/prometheus_client-0.18.0-pyhd8ed1ab_1.conda hash: - md5: aab9ddfad863e9ef81229a1f8852211b - sha256: 25d4a20af2e5ace95fdec88970f6d190e77e20074d2f6d3cef766198b76a4289 + md5: 46f6be657443caffcc7201d51c07aadf + sha256: dca35462761fe9a06f348a0e6216a7a5934e3e29c33bc8e173fb344116568a95 category: main optional: false - - name: graphite2 - version: 1.3.13 + - name: prometheus_client + version: 0.18.0 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=11.0.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/graphite2-1.3.13-h9f76cd9_1001.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/prometheus_client-0.18.0-pyhd8ed1ab_1.conda hash: - md5: 288b591645cb9cb9c0af7309ac1114f5 - sha256: 57db1e563cdfe469cd453a2988039118e96ce4b77c9219e2f1022be0e1c2b03f - category: dev - optional: true - - name: hdf4 - version: 4.2.15 + md5: 46f6be657443caffcc7201d51c07aadf + sha256: dca35462761fe9a06f348a0e6216a7a5934e3e29c33bc8e173fb344116568a95 + category: main + optional: false + - name: prompt-toolkit + version: 3.0.41 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/hdf4-4.2.15-h2ee6834_7.conda + python: ">=3.7" + wcwidth: "" + url: https://conda.anaconda.org/conda-forge/noarch/prompt-toolkit-3.0.41-pyha770c72_0.conda hash: - md5: ff5d749fd711dc7759e127db38005924 - sha256: c3b01e3c3fe4ca1c4d28c287eaa5168a4f2fd3ffd76690082ac919244c22fa90 + md5: f511a993aa4336bef9dd874ee3403e67 + sha256: e26a5554883a0eada3641b6d861d8cb4895e2c7fcc17a587de07b8b1ecbfff0f category: main optional: false - - name: lerc - version: 4.0.0 + - name: prompt-toolkit + version: 3.0.41 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=13.0.1" - url: https://conda.anaconda.org/conda-forge/osx-arm64/lerc-4.0.0-h9a09cb3_0.tar.bz2 + wcwidth: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/prompt-toolkit-3.0.41-pyha770c72_0.conda hash: - md5: de462d5aacda3b30721b512c5da4e742 - sha256: 6f068bb53dfb6147d3147d981bb851bb5477e769407ad4e6a68edf482fdcb958 + md5: f511a993aa4336bef9dd874ee3403e67 + sha256: e26a5554883a0eada3641b6d861d8cb4895e2c7fcc17a587de07b8b1ecbfff0f category: main optional: false - - name: libabseil - version: "20230802.1" + - name: prompt-toolkit + version: 3.0.41 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libabseil-20230802.1-cxx17_h13dd4ca_0.conda + wcwidth: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/prompt-toolkit-3.0.41-pyha770c72_0.conda hash: - md5: fb6dfadc1898666616dfda242d8aea10 - sha256: 459a58f36607246b4483d7a370c2d9a03e7f824e79da2c6e3e9d62abf80393e7 + md5: f511a993aa4336bef9dd874ee3403e67 + sha256: e26a5554883a0eada3641b6d861d8cb4895e2c7fcc17a587de07b8b1ecbfff0f category: main optional: false - - name: libaec - version: 1.1.2 + - name: prompt_toolkit + version: 3.0.41 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libaec-1.1.2-h13dd4ca_1.conda + prompt-toolkit: ">=3.0.41,<3.0.42.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/prompt_toolkit-3.0.41-hd8ed1ab_0.conda hash: - md5: b7962cdc2cedcc9f8d12928824c11fbd - sha256: c9d6f01d511bd3686ce590addf829f34031b95e3feb34418496cbb45924c5d17 + md5: b1387bd091fa0420557f801a78587678 + sha256: dd2fea25930d258159441ad4a45e5d3274f0d2f1dea92fe25b44b48c486aa969 category: main optional: false - - name: libbrotlidec - version: 1.1.0 + - name: prompt_toolkit + version: 3.0.41 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libbrotlicommon: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/libbrotlidec-1.1.0-hb547adb_1.conda + prompt-toolkit: ">=3.0.41,<3.0.42.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/prompt_toolkit-3.0.41-hd8ed1ab_0.conda hash: - md5: ee1a519335cc10d0ec7e097602058c0a - sha256: c1c85937828ad3bc434ac60b7bcbde376f4d2ea4ee42d15d369bf2a591775b4a + md5: b1387bd091fa0420557f801a78587678 + sha256: dd2fea25930d258159441ad4a45e5d3274f0d2f1dea92fe25b44b48c486aa969 category: main optional: false - - name: libbrotlienc - version: 1.1.0 + - name: prompt_toolkit + version: 3.0.41 manager: conda platform: osx-arm64 dependencies: - libbrotlicommon: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/libbrotlienc-1.1.0-hb547adb_1.conda + prompt-toolkit: ">=3.0.41,<3.0.42.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/prompt_toolkit-3.0.41-hd8ed1ab_0.conda hash: - md5: d7e077f326a98b2cc60087eaff7c730b - sha256: 690dfc98e891ee1871c54166d30f6e22edfc2d7d6b29e7988dde5f1ce271c81a + md5: b1387bd091fa0420557f801a78587678 + sha256: dd2fea25930d258159441ad4a45e5d3274f0d2f1dea92fe25b44b48c486aa969 category: main optional: false - - name: libcrc32c - version: 1.1.2 + - name: protobuf + version: 4.24.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=11.1.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libcrc32c-1.1.2-hbdafb3b_0.tar.bz2 + libabseil: ">=20230802.1,<20230803.0a0" + libgcc-ng: ">=12" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/linux-64/protobuf-4.24.4-py311h46cbc50_0.conda hash: - md5: 32bd82a6a625ea6ce090a81c3d34edeb - sha256: 58477b67cc719060b5b069ba57161e20ba69b8695d154a719cb4b60caf577929 + md5: 83b241e2db8adb55d7ec110a913fea80 + sha256: 1f664f5fc370c28809024387e2f991003fcabf8b025c787c70dbc99a8fcb2088 category: main optional: false - - name: libgfortran5 - version: 13.2.0 + - name: protobuf + version: 4.24.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - llvm-openmp: ">=8.0.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgfortran5-13.2.0-hf226fd6_1.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-64/protobuf-4.24.4-py311h021eaf5_0.conda hash: - md5: 4480d71b98c87faafab132d33e23135e - sha256: cb9cb11e49a6a8466ea7556a723080d3aeefd556df9b444b941afc5b54368b22 + md5: f8105062d22f61505797d78890b5ca75 + sha256: 2d6e0a1681d8ce871d8a6e2a0f40ad48c14d2a3df19a8012e95a4e33ddddcde6 category: main optional: false - - name: libllvm14 - version: 14.0.6 + - name: protobuf + version: 4.24.4 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=15" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libllvm14-14.0.6-hd1a9a77_4.conda + __osx: ">=10.9" + libabseil: ">=20230802.1,<20230803.0a0" + libcxx: ">=16.0.6" + libprotobuf: ">=4.24.4,<4.24.5.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/protobuf-4.24.4-py311h4d1eceb_0.conda hash: - md5: 9f3dce5d26ea56a9000cd74c034582bd - sha256: 6f603914fe8633a615f0d2f1383978eb279eeb552079a78449c9fbb43f22a349 + md5: a4a36febea4880c7a5bf21c9ff9461cd + sha256: d34ebda375e3fe0969cc9651150ab3edce9e50c04c7093afd585a87083f7fcb6 category: main optional: false - - name: libpng - version: 1.6.39 + - name: psutil + version: 5.9.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libpng-1.6.39-h76d750c_0.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/psutil-5.9.5-py311h459d7ec_1.conda hash: - md5: 0078e6327c13cfdeae6ff7601e360383 - sha256: 21ab8409a8e66f9408b96428c0a36a9768faee9fe623c56614576f9e12962981 + md5: 490d7fa8675afd1aa6f1b2332d156a45 + sha256: e92d2120fc4b98fe838b3d52d4907fae97808bdd504fb84aa33aea8c4be7bc61 category: main optional: false - - name: libspatialindex - version: 1.9.3 + - name: psutil + version: 5.9.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=11.1.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libspatialindex-1.9.3-hbdafb3b_4.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/psutil-5.9.5-py311h2725bcf_1.conda hash: - md5: 311816a2511df4bceeeebe7c06af63e7 - sha256: a1af21a778e7a04fd866ccd617a4503ebe8abeb4e5fe718cd219be4d6e70e778 + md5: 16221cd0488a32152a6b3f1a301ccf19 + sha256: 2eee900e0e5a103cff0159cdd81d401b67ccfb919be6cd868fc34c22dab981f1 category: main optional: false - - name: libsqlite - version: 3.44.0 + - name: psutil + version: 5.9.5 manager: conda platform: osx-arm64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libsqlite-3.44.0-h091b4b1_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/psutil-5.9.5-py311heffc1b2_1.conda hash: - md5: 28eb31a5b4e704353ed575758e2fcf1d - sha256: 38e98953b572e2871f2b318fa7fe8d9997b0927970916c2d09402273b60ff832 + md5: a40123b40642b8b08b3830a3f6bc7fd9 + sha256: a12a525d3bcaed04e0885b2bd00f4f626c80c19d7c0ae8bb7cf7121aefb39e52 category: main optional: false - - name: libxcb - version: "1.15" + - name: psycopg2 + version: 2.9.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - pthread-stubs: "" - xorg-libxau: "" - xorg-libxdmcp: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libxcb-1.15-hf346824_0.conda + libgcc-ng: ">=12" + libpq: ">=16.0,<17.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/psycopg2-2.9.7-py311h03dec38_1.conda hash: - md5: 988d5f86ab60fa6de91b3ee3a88a3af9 - sha256: 6eaa87760ff3e91bb5524189700139db46f8946ff6331f4e571e4a9356edbb0d + md5: 894f0e7a734b1f1182f87081f1ddffa3 + sha256: 047fe0687432b83762d4d77a31cd01572044a231f945f83e10f2cd3c2b44077d category: main optional: false - - name: libxml2 - version: 2.11.6 + - name: psycopg2 + version: 2.9.7 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - icu: ">=73.2,<74.0a0" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - xz: ">=5.2.6,<6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libxml2-2.11.6-h0d0cfa8_0.conda + libpq: ">=16.0,<17.0a0" + openssl: ">=3.1.3,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/psycopg2-2.9.7-py311h187f0af_1.conda hash: - md5: 37e112ce9494adfcee6c0c7bf3b5d98d - sha256: 07d2da8f3fb00fb6f84cd36b5329174b878105889f0fe21e79981f27573b47af + md5: f777a0c47ebe4c2cc2eca6f19aea9347 + sha256: dce8bdee2b563927c71493ad26997c9897939d8fbb0376df80b6c04154ce0412 category: main optional: false - - name: lz4-c - version: 1.9.4 + - name: psycopg2 + version: 2.9.7 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/lz4-c-1.9.4-hb7217d7_0.conda + libpq: ">=16.0,<17.0a0" + openssl: ">=3.1.3,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/psycopg2-2.9.7-py311h589e011_1.conda hash: - md5: 45505bec548634f7d05e02fb25262cb9 - sha256: fc343b8c82efe40819b986e29ba748366514e5ab94a1e1138df195af5f45fa24 + md5: e5fd933c7c34b5c02a95e28f05b07f46 + sha256: 30fb7c0c8e1651694dcb9b5b62b7cdc801ce45e06ead0a5d281ce950e1f498f5 category: main optional: false - - name: ncurses - version: "6.4" + - name: psycopg2-binary + version: 2.9.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - url: https://conda.anaconda.org/conda-forge/osx-arm64/ncurses-6.4-h463b476_2.conda + psycopg2: ">=2.9.7,<2.9.8.0a0" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda hash: - md5: 52b6f254a7b9663e854f44b6570ed982 - sha256: f6890634f815e8408d08f36503353f8dfd7b055e4c3b9ea2ee52180255cf4b0a + md5: 0212a5c5ae1ab578853364bfc5d9f657 + sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 category: main optional: false - - name: nspr - version: "4.35" + - name: psycopg2-binary + version: 2.9.7 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/nspr-4.35-hb7217d7_0.conda + python: ">=3.6" + psycopg2: ">=2.9.7,<2.9.8.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda hash: - md5: f81b5ec944dbbcff3dd08375eb036efa - sha256: 35959d36ea9e8a2c422db9f113ee0ac91a9b0c19c51b05f75d0793c3827cfa3a + md5: 0212a5c5ae1ab578853364bfc5d9f657 + sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 category: main optional: false - - name: openssl - version: 3.1.4 + - name: psycopg2-binary + version: 2.9.7 manager: conda platform: osx-arm64 dependencies: - ca-certificates: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/openssl-3.1.4-h0d3ecfb_0.conda + python: ">=3.6" + psycopg2: ">=2.9.7,<2.9.8.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda hash: - md5: 5a89552fececf4cd99628318ccbb67a3 - sha256: 3c715b1d4940c7ad6065935db18924b85a54048dde066f963cfc250340639457 + md5: 0212a5c5ae1ab578853364bfc5d9f657 + sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 category: main optional: false - - name: pcre2 - version: "10.42" + - name: pthread-stubs + version: "0.4" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pcre2-10.42-h26f9a81_0.conda + libgcc-ng: ">=7.5.0" + url: https://conda.anaconda.org/conda-forge/linux-64/pthread-stubs-0.4-h36c2ea0_1001.tar.bz2 hash: - md5: 3e12888ecc8ee1ebee2eef9b7856357a - sha256: 0335a08349ecd8dce0b81699fcd61b58415e658fe953feb27316fbb994df0685 + md5: 22dad4df6e8630e8dff2428f6f6a7036 + sha256: 67c84822f87b641d89df09758da498b2d4558d47b920fd1d3fe6d3a871e000ff category: main optional: false - - name: pixman - version: 0.42.2 + - name: pthread-stubs + version: "0.4" manager: conda - platform: osx-arm64 - dependencies: - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pixman-0.42.2-h13dd4ca_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/pthread-stubs-0.4-hc929b4f_1001.tar.bz2 hash: - md5: f96347021db6f33ccabe314ddeab62d4 - sha256: 90e60dc5604e356d47ef97b23b13759ef3d8b70fa2c637f4809d29851435d7d7 + md5: addd19059de62181cd11ae8f4ef26084 + sha256: 6e3900bb241bcdec513d4e7180fe9a19186c1a38f0b4080ed619d26014222c53 category: main optional: false - - name: snappy - version: 1.1.10 + - name: pthread-stubs + version: "0.4" manager: conda platform: osx-arm64 - dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/snappy-1.1.10-h17c5cce_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/pthread-stubs-0.4-h27ca646_1001.tar.bz2 hash: - md5: ac82a611d1a67a598096ebaa857198e3 - sha256: dfae03cd2339587871e53b42833657faa4c9e42e3e2c56ee9e32bc60797c7f62 + md5: d3f26c6494d4105d4ecb85203d687102 + sha256: 9da9e6f5d51dff6ad2e4ee0874791437ba952e0a6249942273f0fedfd07ea826 category: main optional: false - - name: tk - version: 8.6.13 + - name: ptyprocess + version: 0.7.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/tk-8.6.13-h5083fa2_1.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/ptyprocess-0.7.0-pyhd3deb0d_0.tar.bz2 hash: - md5: b50a57ba89c32b62428b71a875291c9b - sha256: 72457ad031b4c048e5891f3f6cb27a53cb479db68a52d965f796910e71a403a8 + md5: 359eeb6536da0e687af562ed265ec263 + sha256: fb31e006a25eb2e18f3440eb8d17be44c8ccfae559499199f73584566d0a444a category: main optional: false - - name: uriparser - version: 0.9.7 + - name: ptyprocess + version: 0.7.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=14.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/uriparser-0.9.7-hb7217d7_1.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/ptyprocess-0.7.0-pyhd3deb0d_0.tar.bz2 hash: - md5: 4fe532e3c6b0cfa5365eb01743d32578 - sha256: bedd03f3bb30b73ae7b0dc9626f1371a8568ce6d41303df3e8299688428dfa94 + md5: 359eeb6536da0e687af562ed265ec263 + sha256: fb31e006a25eb2e18f3440eb8d17be44c8ccfae559499199f73584566d0a444a category: main optional: false - - name: zeromq - version: 4.3.5 + - name: ptyprocess + version: 0.7.0 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - libsodium: ">=1.0.18,<1.0.19.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/zeromq-4.3.5-h965bd2d_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/ptyprocess-0.7.0-pyhd3deb0d_0.tar.bz2 hash: - md5: f460bbcb0ec8dc77989288fe8caa0f84 - sha256: 06abddc92d0bf83cd9faf25f26c98d7c2cc681cb50504011580b0584cf3cb1c5 + md5: 359eeb6536da0e687af562ed265ec263 + sha256: fb31e006a25eb2e18f3440eb8d17be44c8ccfae559499199f73584566d0a444a category: main optional: false - - name: zlib - version: 1.2.13 + - name: pure_eval + version: 0.2.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libzlib: 1.2.13 - url: https://conda.anaconda.org/conda-forge/osx-arm64/zlib-1.2.13-h53f4e23_5.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/pure_eval-0.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: a08383f223b10b71492d27566fafbf6c - sha256: de0ee1e24aa6867058d3b852a15c8d7f49f262f5828772700c647186d4a96bbe + md5: 6784285c7e55cb7212efabc79e4c2883 + sha256: 72792f9fc2b1820e37cc57f84a27bc819c71088c3002ca6db05a2e56404f9d44 category: main optional: false - - name: zstd - version: 1.5.5 + - name: pure_eval + version: 0.2.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/zstd-1.5.5-h4f39d0f_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/pure_eval-0.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5b212cfb7f9d71d603ad891879dc7933 - sha256: 7e1fe6057628bbb56849a6741455bbb88705bae6d6646257e57904ac5ee5a481 + md5: 6784285c7e55cb7212efabc79e4c2883 + sha256: 72792f9fc2b1820e37cc57f84a27bc819c71088c3002ca6db05a2e56404f9d44 category: main optional: false - - name: aws-c-io - version: 0.13.35 + - name: pure_eval + version: 0.2.2 manager: conda platform: osx-arm64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-io-0.13.35-he1b4ce3_8.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/pure_eval-0.2.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2b17730ac8242c1ba995baa5cfb1641e - sha256: c0112899e785d550ed0c16e930ab52119c312098a24eebc5d808c53d0f36effb + md5: 6784285c7e55cb7212efabc79e4c2883 + sha256: 72792f9fc2b1820e37cc57f84a27bc819c71088c3002ca6db05a2e56404f9d44 category: main optional: false - - name: blosc - version: 1.21.5 + - name: pyarrow + version: 14.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/blosc-1.21.5-hc338f07_0.conda + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libarrow-dataset: 14.0.1 + libarrow-flight: 14.0.1 + libarrow-flight-sql: 14.0.1 + libarrow-gandiva: 14.0.1 + libarrow-substrait: 14.0.1 + libgcc-ng: ">=12" + libparquet: 14.0.1 + libstdcxx-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/pyarrow-14.0.1-py311h39c9aba_3_cpu.conda hash: - md5: 93fccb1150aa377576107ecd0ad375b3 - sha256: 81f206dd843fe0da894d0480ea9d689fe948fa4b3cad060f97b016af4ac7b3a1 + md5: b5aa577bb166417b14e9beba61816680 + sha256: 2e9686e59b87f519409ab726dbfaa08a641e8a6186f97b4a0b1a6d0175c2761d category: main optional: false - - name: brotli-bin - version: 1.1.0 + - name: pyarrow + version: 14.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libbrotlidec: 1.1.0 - libbrotlienc: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/brotli-bin-1.1.0-hb547adb_1.conda + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libarrow-dataset: 14.0.1 + libarrow-flight: 14.0.1 + libarrow-flight-sql: 14.0.1 + libarrow-gandiva: 14.0.1 + libarrow-substrait: 14.0.1 + libcxx: ">=15.0.7" + libparquet: 14.0.1 + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/pyarrow-14.0.1-py311h98a0319_3_cpu.conda hash: - md5: 990d04f8c017b1b77103f9a7730a5f12 - sha256: 8fbfc2834606292016f2faffac67deea4c5cdbc21a61169f0b355e1600105a24 + md5: f574fa744f76f78af4287040a79072bb + sha256: 6f54b81c50c5f383614b98bf05f2aff01a1831c42576557a606325753d2f7581 category: main optional: false - - name: fonts-conda-ecosystem - version: "1" + - name: pyarrow + version: 14.0.1 manager: conda platform: osx-arm64 dependencies: - fonts-conda-forge: "" - url: https://conda.anaconda.org/conda-forge/noarch/fonts-conda-ecosystem-1-0.tar.bz2 - hash: - md5: fee5683a3f04bd15cbd8318b096a27ab - sha256: a997f2f1921bb9c9d76e6fa2f6b408b7fa549edd349a77639c9fe7a23ea93e61 + __osx: ">=10.9" + libarrow: 14.0.1 + libarrow-acero: 14.0.1 + libarrow-dataset: 14.0.1 + libarrow-flight: 14.0.1 + libarrow-flight-sql: 14.0.1 + libarrow-gandiva: 14.0.1 + libarrow-substrait: 14.0.1 + libcxx: ">=15.0.7" + libparquet: 14.0.1 + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/pyarrow-14.0.1-py311h637fcfe_3_cpu.conda + hash: + md5: 77ebcf968cbdac3f5a676239faf6103b + sha256: 9ec472ee46cf2944ff328eb8d027fac5bb0d56c14653723cd63b46fc9c786042 category: main optional: false - - name: freetype - version: 2.12.1 + - name: pyasn1 + version: 0.5.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libpng: ">=1.6.39,<1.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/freetype-2.12.1-hadb7bae_2.conda + python: "!=3.0,!=3.1,!=3.2,!=3.3,!=3.4,!=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-0.5.0-pyhd8ed1ab_0.conda hash: - md5: e6085e516a3e304ce41a8ee08b9b89ad - sha256: 791673127e037a2dc0eebe122dc4f904cb3f6e635bb888f42cbe1a76b48748d9 + md5: 4b1c0db24e212190be1969b0aa490ad8 + sha256: 259b1107ae7d6983a8fdebe1717b67005fdf5328e827f33d38a9df43dee5ef82 category: main optional: false - - name: glog - version: 0.6.0 + - name: pyasn1 + version: 0.5.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - gflags: ">=2.2.2,<2.3.0a0" - libcxx: ">=12.0.1" - url: https://conda.anaconda.org/conda-forge/osx-arm64/glog-0.6.0-h6da1cb0_0.tar.bz2 + python: "!=3.0,!=3.1,!=3.2,!=3.3,!=3.4,!=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-0.5.0-pyhd8ed1ab_0.conda hash: - md5: 5a570729c7709399cf8511aeeda6f989 - sha256: 4d772c42477f64be708594ac45870feba3e838977871118eb25e00deb0e9a73c + md5: 4b1c0db24e212190be1969b0aa490ad8 + sha256: 259b1107ae7d6983a8fdebe1717b67005fdf5328e827f33d38a9df43dee5ef82 category: main optional: false - - name: libarchive - version: 3.7.2 + - name: pyasn1 + version: 0.5.0 manager: conda platform: osx-arm64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libiconv: ">=1.17,<2.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - lzo: ">=2.10,<3.0a0" - openssl: ">=3.1.2,<4.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarchive-3.7.2-h82b9b87_0.conda + python: "!=3.0,!=3.1,!=3.2,!=3.3,!=3.4,!=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-0.5.0-pyhd8ed1ab_0.conda hash: - md5: da6ec82a0e07f738afee1c4279778b30 - sha256: d8f2a19466f11ca9d6e1bf6a82cf84a5eb60dcf55d93fa2fbf47a503b953e348 + md5: 4b1c0db24e212190be1969b0aa490ad8 + sha256: 259b1107ae7d6983a8fdebe1717b67005fdf5328e827f33d38a9df43dee5ef82 category: main optional: false - - name: libedit - version: 3.1.20191231 + - name: pyasn1-modules + version: 0.3.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - ncurses: ">=6.2,<7.0.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libedit-3.1.20191231-hc8eb9b7_2.tar.bz2 + pyasn1: ">=0.4.6,<0.6.0" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-modules-0.3.0-pyhd8ed1ab_0.conda hash: - md5: 30e4362988a2623e9eb34337b83e01f9 - sha256: 3912636197933ecfe4692634119e8644904b41a58f30cad9d1fc02f6ba4d9fca + md5: 26db749166cdca55e5ef1ffdc7767d0e + sha256: 7867ba43b6ef1e66054ca6b70f59bbef4cdb0cc761f0be3b66d79d15bd43143b category: main optional: false - - name: libevent - version: 2.1.12 + - name: pyasn1-modules + version: 0.3.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - openssl: ">=3.1.1,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libevent-2.1.12-h2757513_1.conda + python: ">=3.6" + pyasn1: ">=0.4.6,<0.6.0" + url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-modules-0.3.0-pyhd8ed1ab_0.conda hash: - md5: 1a109764bff3bdc7bdd84088347d71dc - sha256: 8c136d7586259bb5c0d2b913aaadc5b9737787ae4f40e3ad1beaf96c80b919b7 + md5: 26db749166cdca55e5ef1ffdc7767d0e + sha256: 7867ba43b6ef1e66054ca6b70f59bbef4cdb0cc761f0be3b66d79d15bd43143b category: main optional: false - - name: libgfortran - version: 5.0.0 + - name: pyasn1-modules + version: 0.3.0 manager: conda platform: osx-arm64 dependencies: - libgfortran5: 13.2.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgfortran-5.0.0-13_2_0_hd922786_1.conda + python: ">=3.6" + pyasn1: ">=0.4.6,<0.6.0" + url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-modules-0.3.0-pyhd8ed1ab_0.conda hash: - md5: 1ad37a5c60c250bb2b4a9f75563e181c - sha256: bc8750e7893e693fa380bf2f342d4a5ce44995467cbdf72e56a00e5106b4892d + md5: 26db749166cdca55e5ef1ffdc7767d0e + sha256: 7867ba43b6ef1e66054ca6b70f59bbef4cdb0cc761f0be3b66d79d15bd43143b category: main optional: false - - name: libglib - version: 2.78.1 + - name: pybtex + version: 0.24.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - gettext: ">=0.21.1,<1.0a0" - libcxx: ">=16.0.6" - libffi: ">=3.4,<4.0a0" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libglib-2.78.1-hb438215_1.conda + latexcodec: ">=1.0.4" + python: ">=3.6" + pyyaml: ">=3.01" + setuptools: "" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/pybtex-0.24.0-pyhd8ed1ab_2.tar.bz2 hash: - md5: 3ce7984906f2ba4be662c219e8def77e - sha256: 3d94b6d8d27301f23b0d0c8b078c5e0bf6fc4f5f6260f3794cfaf7e247fe9e20 + md5: 2099b86a7399c44c0c61cdb6de6915ba + sha256: 258fbf46050bbd51fbaa504116e56e8f3064156f0e08cad4e2fec97f5f29e6dc category: main optional: false - - name: libkml - version: 1.3.0 + - name: pybtex + version: 0.24.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libboost-headers: "" - libcxx: ">=15.0.7" - libexpat: ">=2.5.0,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - uriparser: ">=0.9.7,<1.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libkml-1.3.0-h1eb4d9f_1018.conda + setuptools: "" + six: "" + python: ">=3.6" + latexcodec: ">=1.0.4" + pyyaml: ">=3.01" + url: https://conda.anaconda.org/conda-forge/noarch/pybtex-0.24.0-pyhd8ed1ab_2.tar.bz2 hash: - md5: f287028317d50fa3edad9c715d22e26b - sha256: ba3833cd0c517bb7a00b235b85a35bc58096e981ef3ac392c0916d83a1abc00a + md5: 2099b86a7399c44c0c61cdb6de6915ba + sha256: 258fbf46050bbd51fbaa504116e56e8f3064156f0e08cad4e2fec97f5f29e6dc category: main optional: false - - name: libllvm15 - version: 15.0.7 + - name: pybtex + version: 0.24.0 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=15" - libxml2: ">=2.11.4,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libllvm15-15.0.7-h504e6bf_3.conda + setuptools: "" + six: "" + python: ">=3.6" + latexcodec: ">=1.0.4" + pyyaml: ">=3.01" + url: https://conda.anaconda.org/conda-forge/noarch/pybtex-0.24.0-pyhd8ed1ab_2.tar.bz2 hash: - md5: cef4a00532f06f6797fbe2425d4db2a7 - sha256: 8fbe19f2133c501a43a45f4dab701adf5206ed61f4bd6317f287a8d87409fdee + md5: 2099b86a7399c44c0c61cdb6de6915ba + sha256: 258fbf46050bbd51fbaa504116e56e8f3064156f0e08cad4e2fec97f5f29e6dc category: main optional: false - - name: libnghttp2 - version: 1.58.0 + - name: pybtex-docutils + version: 1.0.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - c-ares: ">=1.21.0,<2.0a0" - libcxx: ">=16.0.6" - libev: ">=4.33,<4.34.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libnghttp2-1.58.0-ha4dd798_0.conda + docutils: ">=0.14" + pybtex: ">=0.16" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/linux-64/pybtex-docutils-1.0.3-py311h38be061_1.conda hash: - md5: b93d94874cfd44bc96496c2ee69f82a9 - sha256: 3597032667444f91ae59343c553da6e93f2b3359bc2c0dd6b7f8260e41572e9c + md5: 137a63bd93d3e1a2b6812119b671f44e + sha256: 2b7057a1529e190689c141d4a76a7ae2f9f978870737d7e11c3a8e03ad5b27cb category: main optional: false - - name: libprotobuf - version: 4.24.4 + - name: pybtex-docutils + version: 1.0.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libprotobuf-4.24.4-hc9861d8_0.conda + docutils: ">=0.14" + pybtex: ">=0.16" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-64/pybtex-docutils-1.0.3-py311h6eed73b_1.conda hash: - md5: ac5438d981e105e053b341eb30c44273 - sha256: 2e81e023f463ef239e2fb7f56a4e8eed61a1d8e9ca3f2f07bec1668cc369b2ce + md5: 36996441974a061f9e0b600741599585 + sha256: 13b6ee67378fee966f8783cb482ce57a647ee0c6d7d1e7dedee754408521641f category: main optional: false - - name: libre2-11 - version: 2023.06.02 + - name: pybtex-docutils + version: 1.0.3 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libre2-11-2023.06.02-h1753957_0.conda + docutils: ">=0.14" + pybtex: ">=0.16" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pybtex-docutils-1.0.3-py311h267d04e_1.conda hash: - md5: 3b8652db4bf4e27fa1446526f7a78498 - sha256: 8bafee8f8ef27f4cb0afffe5404dd1abfc5fd6eac1ee9b4847a756d440bd7aa7 + md5: a5145d3785720aea61185b626b783320 + sha256: 7f6c4000a4d01af6621fc1774d8f9fbea8246d2c474c449e75765bb91eaae46c category: main optional: false - - name: librttopo - version: 1.1.0 + - name: pycparser + version: "2.21" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - geos: ">=3.12.0,<3.12.1.0a0" - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/librttopo-1.1.0-h667cd51_14.conda + python: 2.7.*|>=3.4 + url: https://conda.anaconda.org/conda-forge/noarch/pycparser-2.21-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5dfc75562bc705e4a645eb8079139c8c - sha256: 5ed612f91b1e0bfa41dca9f6bdd9edd28039b6880c3d1b9dc40aa748b6d1d7c7 + md5: 076becd9e05608f8dc72757d5f3a91ff + sha256: 74c63fd03f1f1ea2b54e8bc529fd1a600aaafb24027b738d0db87909ee3a33dc category: main optional: false - - name: libssh2 - version: 1.11.0 + - name: pycparser + version: "2.21" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.1,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libssh2-1.11.0-h7a5bd25_0.conda + python: 2.7.*|>=3.4 + url: https://conda.anaconda.org/conda-forge/noarch/pycparser-2.21-pyhd8ed1ab_0.tar.bz2 hash: - md5: 029f7dc931a3b626b94823bc77830b01 - sha256: bb57d0c53289721fff1eeb3103a1c6a988178e88d8a8f4345b0b91a35f0e0015 + md5: 076becd9e05608f8dc72757d5f3a91ff + sha256: 74c63fd03f1f1ea2b54e8bc529fd1a600aaafb24027b738d0db87909ee3a33dc category: main optional: false - - name: libtiff - version: 4.6.0 + - name: pycparser + version: "2.21" manager: conda platform: osx-arm64 dependencies: - lerc: ">=4.0.0,<5.0a0" - libcxx: ">=15.0.7" - libdeflate: ">=1.19,<1.20.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libtiff-4.6.0-ha8a6c65_2.conda + python: 2.7.*|>=3.4 + url: https://conda.anaconda.org/conda-forge/noarch/pycparser-2.21-pyhd8ed1ab_0.tar.bz2 hash: - md5: 596d6d949bab9a75a492d451f521f457 - sha256: b18ef36eb90f190db22c56ae5a080bccc16669c8f5b795a6211d7b0c00c18ff7 + md5: 076becd9e05608f8dc72757d5f3a91ff + sha256: 74c63fd03f1f1ea2b54e8bc529fd1a600aaafb24027b738d0db87909ee3a33dc category: main optional: false - - name: libxslt - version: 1.1.37 + - name: pydantic + version: 1.10.13 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libxml2: ">=2.11.3,<2.12.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libxslt-1.1.37-h1728932_1.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + typing-extensions: ">=4.2.0" + url: https://conda.anaconda.org/conda-forge/linux-64/pydantic-1.10.13-py311h459d7ec_1.conda hash: - md5: 8483366e7b7ed525a5d17ef81c26b1f4 - sha256: 2e4501c208ada1fbce18ffbcbcb50bc258d51ad314cae262cce091bab304ace5 + md5: 8a92f40420211897a35841861e7e8348 + sha256: f2d3a838fc90699c5dcd537aff10c78b33bd755232d0b21b26247cbf185cced7 category: main optional: false - - name: libzip - version: 1.10.1 + - name: pydantic + version: 1.10.13 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libzip-1.10.1-ha0bc3c6_3.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + typing-extensions: ">=4.2.0" + url: https://conda.anaconda.org/conda-forge/osx-64/pydantic-1.10.13-py311he705e18_1.conda hash: - md5: e37c0da207079e488709043634d6a711 - sha256: fb42f34c2275523a06bc8464454fa57f2417203524cabb7aacca4e5de6cfeb69 + md5: ca0cd7b41964ce9a7b80290ea85e22e9 + sha256: c55ab5f7d182421a5c11f70afc32425fa192f1e40de5c301f685b25bdc3391a8 category: main optional: false - - name: minizip - version: 4.0.3 + - name: pydantic + version: 1.10.13 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - bzip2: ">=1.0.8,<2.0a0" - libcxx: ">=16.0.6" - libiconv: ">=1.17,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/minizip-4.0.3-hd5cad61_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + typing-extensions: ">=4.2.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pydantic-1.10.13-py311h05b510d_1.conda hash: - md5: 8f1bf9ea12bca129b7a3d49eec9efd76 - sha256: 9db88831aa3485d98cad155d989d4de45edfec13e6cbe81b0093ba7e6ba8817d + md5: afdac206ecd2d91cd5478038e4cae4cf + sha256: eb7af4932468d40ef44fc595ff09f0ad5287a3ab2098b152b4b7fb1bd76782e5 category: main optional: false - - name: nodejs - version: 20.8.1 + - name: pygments + version: 2.17.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - icu: ">=73.2,<74.0a0" - libcxx: ">=16.0.6" - libuv: ">=1.46.0,<1.47.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/nodejs-20.8.1-h0950e01_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pygments-2.17.1-pyhd8ed1ab_0.conda hash: - md5: 1c0712dd46d145e9de1c4b83f4417751 - sha256: b9e598bb7b7d410b116440fe0caf2d3ac1def45da21036c27b04147671a641b9 + md5: 5bb8a4f4162594af97cee1434d39f500 + sha256: 406ed28a4c8cd6be56e7e1b2dabd283e834f234d057522228adb72b1885b87c7 category: main optional: false - - name: nss - version: "3.94" + - name: pygments + version: 2.17.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libsqlite: ">=3.43.0,<4.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - nspr: ">=4.35,<5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/nss-3.94-hc6b9969_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pygments-2.17.1-pyhd8ed1ab_0.conda hash: - md5: 4dec6b96cec24e41059c2e795755760a - sha256: 662782a095cc191c073db8e44e14bf8877252d98b1f9b69275d79c47af185bb5 + md5: 5bb8a4f4162594af97cee1434d39f500 + sha256: 406ed28a4c8cd6be56e7e1b2dabd283e834f234d057522228adb72b1885b87c7 category: main optional: false - - name: readline - version: "8.2" + - name: pygments + version: 2.17.1 manager: conda platform: osx-arm64 dependencies: - ncurses: ">=6.3,<7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/readline-8.2-h92ec313_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pygments-2.17.1-pyhd8ed1ab_0.conda hash: - md5: 8cbb776a2f641b943d413b3e19df71f4 - sha256: a1dfa679ac3f6007362386576a704ad2d0d7a02e98f5d0b115f207a2da63e884 + md5: 5bb8a4f4162594af97cee1434d39f500 + sha256: 406ed28a4c8cd6be56e7e1b2dabd283e834f234d057522228adb72b1885b87c7 category: main optional: false - - name: atk-1.0 - version: 2.38.0 + - name: pygraphviz + version: "1.11" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=14.0.4" - libglib: ">=2.74.1,<3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/atk-1.0-2.38.0-hcb7b3dd_1.tar.bz2 + graphviz: ">=9.0.0,<10.0a0" + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/pygraphviz-1.11-py311hbf5cbc9_2.conda hash: - md5: 3c98bfeed7717a9cf5af18c295f49f3a - sha256: d40f103467fd2fa426072691919fd135a4fed4a2b03cd12256ff0fee37a98249 + md5: e2cc4c8cc7e6fdb322315f71276e6bab + sha256: 2f23fe04d90a5f284878b223c53b96cea27f82a58b8fa6a47a029ad5dacaf3e4 category: dev optional: true - - name: aws-c-event-stream - version: 0.3.2 + - name: pygraphviz + version: "1.11" + manager: conda + platform: osx-64 + dependencies: + graphviz: ">=9.0.0,<10.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/pygraphviz-1.11-py311h03ee4fc_2.conda + hash: + md5: f73fe6c66f5d6da1789e15dc0f872684 + sha256: 58ba0d94e54ffd62ca19c0b01a62054ee7a21fedc953f7f700147928f5700096 + category: dev + optional: true + - name: pygraphviz + version: "1.11" manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-event-stream-0.3.2-h32206d9_6.conda + graphviz: ">=9.0.0,<10.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/pygraphviz-1.11-py311h1df6e61_2.conda hash: - md5: 498485eaae26d9241fa08641e461ec41 - sha256: 2dbeab2e4211ff27ffcc8e4770df4e3083d8d9bb524154ff4ce8d42c3a35a54a + md5: 0f8f3cf61a5562b5c5b75b4aaf606ba8 + sha256: 6ff3f17f8fb8875d33b5c37d07371593caa62e2c382296a0714e386ae0880b49 + category: dev + optional: true + - name: pyjwt + version: 2.8.0 + manager: conda + platform: linux-64 + dependencies: + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyjwt-2.8.0-pyhd8ed1ab_0.conda + hash: + md5: 912c0194f898fdb783021fd25f913c31 + sha256: 88ac94c42ade15113397e30d1831dd341399b5262fb5330b9240f915c33cd232 category: main optional: false - - name: aws-c-http - version: 0.7.14 + - name: pyjwt + version: 2.8.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-compression: ">=0.2.17,<0.2.18.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-http-0.7.14-h673bc1b_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyjwt-2.8.0-pyhd8ed1ab_0.conda hash: - md5: 8cb609edc86062a2f7a1482678c65e56 - sha256: 320b1d8faa845b25a1e58371def7694fc7561d46cf7a38d8384997ac7cab8616 + md5: 912c0194f898fdb783021fd25f913c31 + sha256: 88ac94c42ade15113397e30d1831dd341399b5262fb5330b9240f915c33cd232 category: main optional: false - - name: brotli - version: 1.1.0 + - name: pyjwt + version: 2.8.0 manager: conda platform: osx-arm64 dependencies: - brotli-bin: 1.1.0 - libbrotlidec: 1.1.0 - libbrotlienc: 1.1.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/brotli-1.1.0-hb547adb_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyjwt-2.8.0-pyhd8ed1ab_0.conda hash: - md5: a33aa58d448cbc054f887e39dd1dfaea - sha256: 62d1587deab752fcee07adc371eb20fcadc09f72c0c85399c22b637ca858020f + md5: 912c0194f898fdb783021fd25f913c31 + sha256: 88ac94c42ade15113397e30d1831dd341399b5262fb5330b9240f915c33cd232 category: main optional: false - - name: fontconfig - version: 2.14.2 + - name: pylev + version: 1.4.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - expat: ">=2.5.0,<3.0a0" - freetype: ">=2.12.1,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/fontconfig-2.14.2-h82840c6_0.conda + python: ">=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/pylev-1.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: f77d47ddb6d3cc5b39b9bdf65635afbb - sha256: 7094917fc6758186e17c61d8ee8fd2bbbe9f303b4addac61d918fa415c497e2b + md5: edf8651c4379d9d1495ad6229622d150 + sha256: 50bd91767686bfe769e50a5a1b883e238d944a6163fea43e7c0beaac54ca674f category: main optional: false - - name: freexl - version: 2.0.0 + - name: pylev + version: 1.4.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libexpat: ">=2.5.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - minizip: ">=4.0.1,<5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/freexl-2.0.0-hfbad9fb_0.conda + python: ">=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/pylev-1.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 40722e5f48287567cda6fb2ec1f7891b - sha256: 9cb4957d1431bc57bc95b1e99a50669d91ac3441226a78f69fa030d52f2bda77 + md5: edf8651c4379d9d1495ad6229622d150 + sha256: 50bd91767686bfe769e50a5a1b883e238d944a6163fea43e7c0beaac54ca674f category: main optional: false - - name: gdk-pixbuf - version: 2.42.10 + - name: pylev + version: 1.4.0 manager: conda platform: osx-arm64 dependencies: - libglib: ">=2.78.0,<3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/gdk-pixbuf-2.42.10-h15fa40c_4.conda + python: ">=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/pylev-1.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: ed5cfaa924087471c439d94a0e393364 - sha256: d0ec06b17a6c9aa13e56b7ce188b061ffb11f5e964cade7e4757156dca2aa5a7 - category: dev - optional: true - - name: gts - version: 0.7.6 + md5: edf8651c4379d9d1495ad6229622d150 + sha256: 50bd91767686bfe769e50a5a1b883e238d944a6163fea43e7c0beaac54ca674f + category: main + optional: false + - name: pyobjc-core + version: "10.0" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libglib: ">=2.76.3,<3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/gts-0.7.6-he42f4ea_4.conda - hash: - md5: 21b4dd3098f63a74cf2aa9159cbef57d - sha256: e0f8c7bc1b9ea62ded78ffa848e37771eeaaaf55b3146580513c7266862043ba - category: dev - optional: true - - name: krb5 - version: 1.21.2 + libffi: ">=3.4,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-64/pyobjc-core-10.0-py311hf110eff_0.conda + hash: + md5: d26705887703d13c655a6098516e06e2 + sha256: 031b8c48866f1f97a4a12d6a3ea0dc94cb6a735918871460b26f4779f5a01125 + category: main + optional: false + - name: pyobjc-core + version: "10.0" manager: conda platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - libedit: ">=3.1.20191231,<4.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/krb5-1.21.2-h92f50d5_0.conda + libffi: ">=3.4,<4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pyobjc-core-10.0-py311hb702dc4_0.conda hash: - md5: 92f1cff174a538e0722bf2efb16fc0b2 - sha256: 70bdb9b4589ec7c7d440e485ae22b5a352335ffeb91a771d4c162996c3070875 + md5: 5c441ab09e2d9faf6e875ea9c446b445 + sha256: d3bb68f8da77bffad5fa690d2cc1aeb0be0608ed0b6e08a96d8fc3613f2e7135 category: main optional: false - - name: lcms2 - version: "2.15" + - name: pyobjc-framework-cocoa + version: "10.0" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/lcms2-2.15-hf2736f0_3.conda + libffi: ">=3.4,<4.0a0" + pyobjc-core: 10.0.* + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/pyobjc-framework-cocoa-10.0-py311hf110eff_1.conda hash: - md5: bbaac531169fed3e09ae31aff80aa069 - sha256: 3d07ba04602617c3084b302c8a6fa30b2e4b20511180f45992b289c312298018 + md5: 8fb67274a648901045368717d6221aed + sha256: 54530c1b3bfc361e027adbd8f9d9a23e7c102c7f58c04a169da1457f82975724 category: main optional: false - - name: libopenblas - version: 0.3.24 + - name: pyobjc-framework-cocoa + version: "10.0" manager: conda platform: osx-arm64 dependencies: - libgfortran: 5.* - libgfortran5: ">=12.3.0" - llvm-openmp: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libopenblas-0.3.24-openmp_hd76b1f2_0.conda + libffi: ">=3.4,<4.0a0" + pyobjc-core: 10.0.* + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/pyobjc-framework-cocoa-10.0-py311hb702dc4_1.conda hash: - md5: aacb05989f358affe1bafd4ea7294db4 - sha256: 21edfdf620ac5c93571aab452199b6b4622c445441dad88ab4d2eb326a7b91b3 + md5: ee9430e4e9b69a6270c966bb7439c9a0 + sha256: 31a7542b8ced5cb3bc236be0b5777dab4bc0e57fbfc5423e9d0ae09ce8eae16c category: main optional: false - - name: libthrift - version: 0.19.0 + - name: pyopenssl + version: 23.3.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - libevent: ">=2.1.12,<2.1.13.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libthrift-0.19.0-h026a170_1.conda + cryptography: ">=41.0.5,<42" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pyopenssl-23.3.0-pyhd8ed1ab_0.conda hash: - md5: 4b8b21eb00d9019e9fa351141da2a6ac - sha256: b2c1b30d36f0412c0c0313db76a0236d736f3a9b887b8ed16182f531e4b7cb80 + md5: 7819533e674dbbc51468f3228b9b1bb6 + sha256: f7e04c4a49b1593140231d70801e2204e314e26d7141bfbdc8089d04114c0010 category: main optional: false - - name: libwebp - version: 1.3.2 + - name: pyopenssl + version: 23.3.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - giflib: ">=5.2.1,<5.3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libwebp-1.3.2-hf30222e_1.conda + python: ">=3.7" + cryptography: ">=41.0.5,<42" + url: https://conda.anaconda.org/conda-forge/noarch/pyopenssl-23.3.0-pyhd8ed1ab_0.conda hash: - md5: a07cf7f5425eb51b79880fb66837200f - sha256: 5ee611009277c8aaef1a5355df6a05100e563735ec33ef019f6415db0b83d548 - category: dev - optional: true - - name: openjpeg - version: 2.5.0 + md5: 7819533e674dbbc51468f3228b9b1bb6 + sha256: f7e04c4a49b1593140231d70801e2204e314e26d7141bfbdc8089d04114c0010 + category: main + optional: false + - name: pyopenssl + version: 23.3.0 manager: conda platform: osx-arm64 dependencies: - libcxx: ">=15.0.7" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/openjpeg-2.5.0-h4c1507b_3.conda + python: ">=3.7" + cryptography: ">=41.0.5,<42" + url: https://conda.anaconda.org/conda-forge/noarch/pyopenssl-23.3.0-pyhd8ed1ab_0.conda hash: - md5: 4127dd217a010d9c6cbefdaae07d9f19 - sha256: a6998c0da4643a84dc7c0b3a9e5137db258619ea922317bb7d9ae64f54b4a9ed + md5: 7819533e674dbbc51468f3228b9b1bb6 + sha256: f7e04c4a49b1593140231d70801e2204e314e26d7141bfbdc8089d04114c0010 category: main optional: false - - name: orc - version: 1.9.0 + - name: pyparsing + version: 3.1.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/orc-1.9.0-h7c018df_4.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyparsing-3.1.1-pyhd8ed1ab_0.conda hash: - md5: 5873127225c5803d45b550024a01af1c - sha256: f33040335efdabbf765606b5523a5691b04547b988d65683b2671faa53bb2a1b + md5: 176f7d56f0cfe9008bdf1bccd7de02fb + sha256: 4a1332d634b6c2501a973655d68f08c9c42c0bd509c349239127b10572b8354b category: main optional: false - - name: prettier - version: 3.1.0 + - name: pyparsing + version: 3.1.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - nodejs: ">=20.8.1,<21.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/prettier-3.1.0-hb67532b_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyparsing-3.1.1-pyhd8ed1ab_0.conda hash: - md5: dfa0c94c177b8163579301aa4672f245 - sha256: c71c69ba2420da67a4bc1a5a85deab03e3c37cb4dea44a3bef01cc91e24bb1da + md5: 176f7d56f0cfe9008bdf1bccd7de02fb + sha256: 4a1332d634b6c2501a973655d68f08c9c42c0bd509c349239127b10572b8354b category: main optional: false - - name: python - version: 3.11.6 + - name: pyparsing + version: 3.1.1 manager: conda platform: osx-arm64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libexpat: ">=2.5.0,<3.0a0" - libffi: ">=3.4,<4.0a0" - libsqlite: ">=3.43.0,<4.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - ncurses: ">=6.4,<7.0a0" - openssl: ">=3.1.3,<4.0a0" - readline: ">=8.2,<9.0a0" - tk: ">=8.6.13,<8.7.0a0" - tzdata: "" - xz: ">=5.2.6,<6.0a0" - pip: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/python-3.11.6-h47c9636_0_cpython.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyparsing-3.1.1-pyhd8ed1ab_0.conda hash: - md5: 2271df1db9534f5cac7c2d0820c3359d - sha256: 77054fa9a8fc30f71a18f599ee2897905a3c515202b614fa0f793add7a04a155 + md5: 176f7d56f0cfe9008bdf1bccd7de02fb + sha256: 4a1332d634b6c2501a973655d68f08c9c42c0bd509c349239127b10572b8354b category: main optional: false - - name: re2 - version: 2023.06.02 + - name: pyproj + version: 3.6.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libre2-11: 2023.06.02 - url: https://conda.anaconda.org/conda-forge/osx-arm64/re2-2023.06.02-h6135d0a_0.conda + certifi: "" + libgcc-ng: ">=12" + proj: ">=9.3.0,<9.3.1.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/pyproj-3.6.1-py311h1facc83_4.conda hash: - md5: 8f23674174b155300696a2be8b5c1407 - sha256: 963847258a82d9647311c5eb8829a49ac2161df12a304d5d6e61f788f0563442 + md5: 75d504c6787edc377ebdba087a26a61b + sha256: 4eb94c421b5c635b770e5fbd2774cf1dd4570ad69baf1c248f978943df352896 category: main optional: false - - name: sqlite - version: 3.44.0 + - name: pyproj + version: 3.6.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libsqlite: 3.44.0 - libzlib: ">=1.2.13,<1.3.0a0" - ncurses: ">=6.4,<7.0a0" - readline: ">=8.2,<9.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/sqlite-3.44.0-hf2abe2d_0.conda + certifi: "" + proj: ">=9.3.0,<9.3.1.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/pyproj-3.6.1-py311he36daed_4.conda hash: - md5: 0080e3f5d7d13d3b1e244ed24642ca9e - sha256: 8263043d2a5762a5bbbb4ceee28382d97e70182fff8d45371b65fedda0b709ee + md5: 28930c73c9c05d44d053620d44397b79 + sha256: d1d44bb257545006b128d30b4454c42e3f7cd133a1c53998afcf7253529f8263 category: main optional: false - - name: aiofiles - version: 23.2.1 + - name: pyproj + version: 3.6.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/aiofiles-23.2.1-pyhd8ed1ab_0.conda + certifi: "" + proj: ">=9.3.0,<9.3.1.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/pyproj-3.6.1-py311h20a9b75_4.conda hash: - md5: a2ee5b45771a700cf442a2edb151594e - sha256: 98c9b4480dba1ae72c9a187cee7164ed1704f03c82576940311b5c3b55118ee5 + md5: c55fab7aa4252057e5e5efa90bd10cbe + sha256: 9d9923063e21aac5831b3dca820be3a824366f6871c839ea545f9b5e7358c844 category: main optional: false - - name: alabaster - version: 0.7.13 + - name: pyproject_hooks + version: 1.0.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/alabaster-0.7.13-pyhd8ed1ab_0.conda + python: ">=3.7" + tomli: ">=1.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/pyproject_hooks-1.0.0-pyhd8ed1ab_0.conda hash: - md5: 06006184e203b61d3525f90de394471e - sha256: b2d160a050996950434c6e87a174fc01c4a937cbeffbdd20d1b46126b4478a95 + md5: 21de50391d584eb7f4441b9de1ad773f + sha256: 016340837fcfef57b351febcbe855eedf0c1f0ecfc910ed48c7fbd20535f9847 category: main optional: false - - name: anyascii - version: 0.3.2 + - name: pyproject_hooks + version: 1.0.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/anyascii-0.3.2-pyhd8ed1ab_0.conda + python: ">=3.7" + tomli: ">=1.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/pyproject_hooks-1.0.0-pyhd8ed1ab_0.conda hash: - md5: 70b6fc71d80ea6176f5302ebbeb13d8a - sha256: 8ad0591c262e63f3a66fe093886a4b5d00d3ad6223560fc2a88da441c672fddc + md5: 21de50391d584eb7f4441b9de1ad773f + sha256: 016340837fcfef57b351febcbe855eedf0c1f0ecfc910ed48c7fbd20535f9847 category: main optional: false - - name: appdirs - version: 1.4.4 + - name: pyproject_hooks + version: 1.0.0 manager: conda platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/appdirs-1.4.4-pyh9f0ad1d_0.tar.bz2 + python: ">=3.7" + tomli: ">=1.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/pyproject_hooks-1.0.0-pyhd8ed1ab_0.conda hash: - md5: 5f095bc6454094e96f146491fd03633b - sha256: ae9fb8f68281f84482f2c234379aa12405a9e365151d43af20b3ae1f17312111 + md5: 21de50391d584eb7f4441b9de1ad773f + sha256: 016340837fcfef57b351febcbe855eedf0c1f0ecfc910ed48c7fbd20535f9847 category: main optional: false - - name: appnope - version: 0.1.3 + - name: pysocks + version: 1.7.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/appnope-0.1.3-pyhd8ed1ab_0.tar.bz2 + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pysocks-1.7.1-pyha2e5f31_6.tar.bz2 hash: - md5: 54ac328d703bff191256ffa1183126d1 - sha256: b209a68ac55eb9ecad7042f0d4eedef5da924699f6cdf54ac1826869cfdae742 + md5: 2a7de29fb590ca14b5243c4c812c8025 + sha256: a42f826e958a8d22e65b3394f437af7332610e43ee313393d1cf143f0a2d274b category: main optional: false - - name: astroid - version: 3.0.1 + - name: pysocks + version: 1.7.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/astroid-3.0.1-py311h267d04e_0.conda + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pysocks-1.7.1-pyha2e5f31_6.tar.bz2 hash: - md5: 1f1ed24d8d83b882f223403c119a1e44 - sha256: 97c2611101771a148a8c0b4fff48e93e2e969a2f5998f21d6aa034ca339fc209 + md5: 2a7de29fb590ca14b5243c4c812c8025 + sha256: a42f826e958a8d22e65b3394f437af7332610e43ee313393d1cf143f0a2d274b category: main optional: false - - name: attrs - version: 23.1.0 + - name: pysocks + version: 1.7.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/attrs-23.1.0-pyh71513ae_1.conda + __unix: "" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pysocks-1.7.1-pyha2e5f31_6.tar.bz2 hash: - md5: 3edfead7cedd1ab4400a6c588f3e75f8 - sha256: 063639cd568f5c7a557b0fb1cc27f098598c0d8ff869088bfeb82934674f8821 + md5: 2a7de29fb590ca14b5243c4c812c8025 + sha256: a42f826e958a8d22e65b3394f437af7332610e43ee313393d1cf143f0a2d274b category: main optional: false - - name: aws-c-auth - version: 0.7.7 + - name: pytest + version: 7.4.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-auth-0.7.7-h30f9597_0.conda + colorama: "" + exceptiongroup: ">=1.0.0rc8" + iniconfig: "" + packaging: "" + pluggy: ">=0.12,<2.0" + python: ">=3.7" + tomli: ">=1.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-7.4.3-pyhd8ed1ab_0.conda hash: - md5: 1d28beae816e8cb52bfe5f16cb62296b - sha256: cf93aa7371f55d779c6af63ce6386f63fcb82b8d924d1aa1be7928c758ae65a5 + md5: 5bdca0aca30b0ee62bb84854e027eae0 + sha256: 14e948e620ec87d9e62a8d9c21d40084b4805a939cfee322be7d457379dc96a0 category: main optional: false - - name: aws-c-mqtt - version: 0.9.9 + - name: pytest + version: 7.4.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-mqtt-0.9.9-h2364c62_0.conda + packaging: "" + colorama: "" + iniconfig: "" + python: ">=3.7" + exceptiongroup: ">=1.0.0rc8" + tomli: ">=1.0.0" + pluggy: ">=0.12,<2.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-7.4.3-pyhd8ed1ab_0.conda hash: - md5: f6fa220e8b10a832127be45ddb7f6f04 - sha256: f82dd9660edecf32482004d98a09ed6b2929cb3787be43e54f5db71be1d08b62 + md5: 5bdca0aca30b0ee62bb84854e027eae0 + sha256: 14e948e620ec87d9e62a8d9c21d40084b4805a939cfee322be7d457379dc96a0 category: main optional: false - - name: backoff - version: 2.2.1 + - name: pytest + version: 7.4.3 manager: conda platform: osx-arm64 dependencies: + packaging: "" + colorama: "" + iniconfig: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/backoff-2.2.1-pyhd8ed1ab_0.tar.bz2 + exceptiongroup: ">=1.0.0rc8" + tomli: ">=1.0.0" + pluggy: ">=0.12,<2.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-7.4.3-pyhd8ed1ab_0.conda hash: - md5: 4600709bd85664d8606ae0c76642f8db - sha256: b1cf7df15741e5fbc57e22a3a89db427383335aaab22ddc1b30710deeb0130de - category: dev - optional: true - - name: backports - version: "1.0" + md5: 5bdca0aca30b0ee62bb84854e027eae0 + sha256: 14e948e620ec87d9e62a8d9c21d40084b4805a939cfee322be7d457379dc96a0 + category: main + optional: false + - name: pytest-console-scripts + version: 1.4.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/backports-1.0-pyhd8ed1ab_3.conda + importlib-metadata: ">=3.6" + pytest: ">=4.0.0" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-console-scripts-1.4.1-pyhd8ed1ab_0.conda hash: - md5: 54ca2e08b3220c148a1d8329c2678e02 - sha256: 711602276ae39276cb0faaca6fd0ac851fff0ca17151917569174841ef830bbd + md5: ee8808504c73665bed76e20ede28bd56 + sha256: d6603e211019f2581c9f3c0922133b190a46e4ceaad3e3e0e6149f31bc593fa1 category: main optional: false - - name: backports.zoneinfo - version: 0.2.1 + - name: pytest-console-scripts + version: 1.4.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/backports.zoneinfo-0.2.1-py311h267d04e_8.conda + python: ">=3.7" + importlib-metadata: ">=3.6" + pytest: ">=4.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-console-scripts-1.4.1-pyhd8ed1ab_0.conda hash: - md5: acbef984789bc78fc49cca2e736b8006 - sha256: a1cdbc446ff4db99e9e39b73b1611932dc9c5111ecd90dd131fa6fdf62de904d + md5: ee8808504c73665bed76e20ede28bd56 + sha256: d6603e211019f2581c9f3c0922133b190a46e4ceaad3e3e0e6149f31bc593fa1 category: main optional: false - - name: blinker - version: 1.7.0 + - name: pytest-console-scripts + version: 1.4.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/blinker-1.7.0-pyhd8ed1ab_0.conda + python: ">=3.7" + importlib-metadata: ">=3.6" + pytest: ">=4.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-console-scripts-1.4.1-pyhd8ed1ab_0.conda hash: - md5: 550da20b2c2e38be9cc44bb819fda5d5 - sha256: c8d72c2af4f57898dfd5e4c62ae67f7fea1490a37c8b6855460a170d61591177 + md5: ee8808504c73665bed76e20ede28bd56 + sha256: d6603e211019f2581c9f3c0922133b190a46e4ceaad3e3e0e6149f31bc593fa1 category: main optional: false - - name: brotli-python - version: 1.1.0 + - name: pytest-cov + version: 4.1.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/brotli-python-1.1.0-py311ha891d26_1.conda + coverage: ">=5.2.1" + pytest: ">=4.6" + python: ">=3.7" + toml: "" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-cov-4.1.0-pyhd8ed1ab_0.conda hash: - md5: 5e802b015e33447d1283d599d21f052b - sha256: 2d78c79ccf2c17236c52ef217a4c34b762eb7908a6903d94439f787aac1c8f4b + md5: 06eb685a3a0b146347a58dda979485da + sha256: f07d3b44cabbed7843de654c4a6990a08475ce3b708bb735c7da9842614586f2 category: main optional: false - - name: cached_property - version: 1.5.2 + - name: pytest-cov + version: 4.1.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/cached_property-1.5.2-pyha770c72_1.tar.bz2 + toml: "" + python: ">=3.7" + pytest: ">=4.6" + coverage: ">=5.2.1" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-cov-4.1.0-pyhd8ed1ab_0.conda hash: - md5: 576d629e47797577ab0f1b351297ef4a - sha256: 6dbf7a5070cc43d90a1e4c2ec0c541c69d8e30a0e25f50ce9f6e4a432e42c5d7 + md5: 06eb685a3a0b146347a58dda979485da + sha256: f07d3b44cabbed7843de654c4a6990a08475ce3b708bb735c7da9842614586f2 category: main optional: false - - name: cachetools - version: 5.3.2 + - name: pytest-cov + version: 4.1.0 manager: conda platform: osx-arm64 dependencies: + toml: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/cachetools-5.3.2-pyhd8ed1ab_0.conda + pytest: ">=4.6" + coverage: ">=5.2.1" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-cov-4.1.0-pyhd8ed1ab_0.conda hash: - md5: 185cc1bf1d5af90020292888a3c7eb5d - sha256: cb8a6688d5650e4546a5f3c5b825bfe3c82594f1f588a93817f1bdb23e74baad + md5: 06eb685a3a0b146347a58dda979485da + sha256: f07d3b44cabbed7843de654c4a6990a08475ce3b708bb735c7da9842614586f2 category: main optional: false - - name: cachy - version: 0.3.0 + - name: pytest-mock + version: 3.12.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/cachy-0.3.0-pyhd8ed1ab_1.tar.bz2 + pytest: ">=5.0" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-mock-3.12.0-pyhd8ed1ab_0.conda hash: - md5: 5dfee17f24e2dfd18d7392b48c9351e2 - sha256: 9b193a4e483c4d0004bc5b88fac7a02516b6311137ab61b8db85aa9741422e35 + md5: ac9fedc9a0c397f2318e82525491dd83 + sha256: 58d3bd93a0cf9b51ac105de1e01b1fcd1fcfa5993023b67658344e329b02d6e0 category: main optional: false - - name: cairo - version: 1.18.0 + - name: pytest-mock + version: 3.12.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - icu: ">=73.2,<74.0a0" - libcxx: ">=16.0.6" - libglib: ">=2.78.0,<3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - pixman: ">=0.42.2,<1.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/cairo-1.18.0-hd1e100b_0.conda - hash: - md5: 3fa6eebabb77f65e82f86b72b95482db - sha256: 599f8820553b3a3405706d9cad390ac199e24515a0a82c87153c9b5b5fdba3b8 + python: ">=3.8" + pytest: ">=5.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-mock-3.12.0-pyhd8ed1ab_0.conda + hash: + md5: ac9fedc9a0c397f2318e82525491dd83 + sha256: 58d3bd93a0cf9b51ac105de1e01b1fcd1fcfa5993023b67658344e329b02d6e0 category: main optional: false - - name: catalystcoop.dbfread - version: 3.0.0 + - name: pytest-mock + version: 3.12.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.dbfread-3.0.0-py_0.tar.bz2 + python: ">=3.8" + pytest: ">=5.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-mock-3.12.0-pyhd8ed1ab_0.conda hash: - md5: 301d8b0d49e76f6bd586d2c96c2e259e - sha256: bfba35085bcf84c3368b38ed0c5e6f03aeadf0712e866cb9e89283d6ff5292d7 + md5: ac9fedc9a0c397f2318e82525491dd83 + sha256: 58d3bd93a0cf9b51ac105de1e01b1fcd1fcfa5993023b67658344e329b02d6e0 category: main optional: false - - name: cchardet - version: 2.1.7 + - name: pytest-xdist + version: 3.4.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/cchardet-2.1.7-py311ha891d26_5.conda + execnet: ">=1.1" + pytest: ">=6.2.0" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-xdist-3.4.0-pyhd8ed1ab_0.conda hash: - md5: a13c24d173619a3d04af20fb9824414c - sha256: 6834d37c1c301f9bd7361c294559aff01b3680d65448f638f5c53eb7b7c44c03 + md5: b8dc6f9db1b9670e564b68277a79ffeb + sha256: b835170885a0d2b4bfdc7bc5d09e5a175518f41b6ffa1a0ac891797cd94e3292 category: main optional: false - - name: certifi - version: 2023.11.17 + - name: pytest-xdist + version: 3.4.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/certifi-2023.11.17-pyhd8ed1ab_0.conda + execnet: ">=1.1" + pytest: ">=6.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-xdist-3.4.0-pyhd8ed1ab_0.conda hash: - md5: 2011bcf45376341dd1d690263fdbc789 - sha256: afa22b77128a812cb57bc707c297d926561bd225a3d9dd74205d87a3b2d14a96 + md5: b8dc6f9db1b9670e564b68277a79ffeb + sha256: b835170885a0d2b4bfdc7bc5d09e5a175518f41b6ffa1a0ac891797cd94e3292 category: main optional: false - - name: cfgv - version: 3.3.1 + - name: pytest-xdist + version: 3.4.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/cfgv-3.3.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + execnet: ">=1.1" + pytest: ">=6.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/pytest-xdist-3.4.0-pyhd8ed1ab_0.conda hash: - md5: ebb5f5f7dc4f1a3780ef7ea7738db08c - sha256: fbc03537a27ef756162c49b1d0608bf7ab12fa5e38ceb8563d6f4859e835ac5c + md5: b8dc6f9db1b9670e564b68277a79ffeb + sha256: b835170885a0d2b4bfdc7bc5d09e5a175518f41b6ffa1a0ac891797cd94e3292 category: main optional: false - - name: chardet - version: 5.2.0 + - name: python + version: 3.11.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/chardet-5.2.0-py311h267d04e_1.conda + bzip2: ">=1.0.8,<2.0a0" + ld_impl_linux-64: ">=2.36.1" + libexpat: ">=2.5.0,<3.0a0" + libffi: ">=3.4,<4.0a0" + libgcc-ng: ">=12" + libnsl: ">=2.0.0,<2.1.0a0" + libsqlite: ">=3.43.0,<4.0a0" + libuuid: ">=2.38.1,<3.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + ncurses: ">=6.4,<7.0a0" + openssl: ">=3.1.3,<4.0a0" + readline: ">=8.2,<9.0a0" + tk: ">=8.6.13,<8.7.0a0" + tzdata: "" + xz: ">=5.2.6,<6.0a0" + pip: "" + url: https://conda.anaconda.org/conda-forge/linux-64/python-3.11.6-hab00c5b_0_cpython.conda hash: - md5: 2aa7eb0b906818f900e2075fc244976f - sha256: 69541a0c834baa0b404cb55f8389bb53f8e9d6962055d68285635d6fbc04334c + md5: b0dfbe2fcbfdb097d321bfd50ecddab1 + sha256: 84f13bd70cff5dcdaee19263b2d4291d5793856a718efc1b63a9cfa9eb6e2ca1 category: main optional: false - - name: charset-normalizer - version: 3.3.2 + - name: python + version: 3.11.6 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/charset-normalizer-3.3.2-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libexpat: ">=2.5.0,<3.0a0" + libffi: ">=3.4,<4.0a0" + libsqlite: ">=3.43.0,<4.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + ncurses: ">=6.4,<7.0a0" + openssl: ">=3.1.3,<4.0a0" + readline: ">=8.2,<9.0a0" + tk: ">=8.6.13,<8.7.0a0" + tzdata: "" + xz: ">=5.2.6,<6.0a0" + pip: "" + url: https://conda.anaconda.org/conda-forge/osx-64/python-3.11.6-h30d4d87_0_cpython.conda hash: - md5: 7f4a9e3fcff3f6356ae99244a014da6a - sha256: 20cae47d31fdd58d99c4d2e65fbdcefa0b0de0c84e455ba9d6356a4bdbc4b5b9 + md5: 4d66c5fc01e9be526afe5d828d4de24d + sha256: e3ed331204fbeb03a9a2c2fa834e74997ad4f732ba2124b36f327d38b0cded93 category: main optional: false - - name: click - version: 8.1.7 + - name: python + version: 3.11.6 manager: conda platform: osx-arm64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/click-8.1.7-unix_pyh707e725_0.conda + bzip2: ">=1.0.8,<2.0a0" + libexpat: ">=2.5.0,<3.0a0" + libffi: ">=3.4,<4.0a0" + libsqlite: ">=3.43.0,<4.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + ncurses: ">=6.4,<7.0a0" + openssl: ">=3.1.3,<4.0a0" + readline: ">=8.2,<9.0a0" + tk: ">=8.6.13,<8.7.0a0" + tzdata: "" + xz: ">=5.2.6,<6.0a0" + pip: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/python-3.11.6-h47c9636_0_cpython.conda hash: - md5: f3ad426304898027fc619827ff428eca - sha256: f0016cbab6ac4138a429e28dbcb904a90305b34b3fe41a9b89d697c90401caec + md5: 2271df1db9534f5cac7c2d0820c3359d + sha256: 77054fa9a8fc30f71a18f599ee2897905a3c515202b614fa0f793add7a04a155 category: main optional: false - - name: cloudpickle - version: 3.0.0 + - name: python-build + version: 1.0.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/cloudpickle-3.0.0-pyhd8ed1ab_0.conda + colorama: "" + importlib-metadata: ">=4.6" + packaging: ">=19.0" + pyproject_hooks: "" + python: ">=3.7" + tomli: ">=1.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/python-build-1.0.3-pyhd8ed1ab_0.conda hash: - md5: 753d29fe41bb881e4b9c004f0abf973f - sha256: 0dfbc1ffa72e7a0882f486c9b1e4e9cccb68cf5c576fe53a89d076c9f1d43754 + md5: d9ccabf228cb98419ca3d5694b25e1a2 + sha256: f32748beb76abf5173ee956f30a82c9e9b4a3d9924b0960f1e19e267ea4f01de category: main optional: false - - name: colorama - version: 0.4.6 + - name: python-build + version: 1.0.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: + colorama: "" + pyproject_hooks: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/colorama-0.4.6-pyhd8ed1ab_0.tar.bz2 + tomli: ">=1.1.0" + packaging: ">=19.0" + importlib-metadata: ">=4.6" + url: https://conda.anaconda.org/conda-forge/noarch/python-build-1.0.3-pyhd8ed1ab_0.conda hash: - md5: 3faab06a954c2a04039983f2c4a50d99 - sha256: 2c1b2e9755ce3102bca8d69e8f26e4f087ece73f50418186aee7c74bef8e1698 + md5: d9ccabf228cb98419ca3d5694b25e1a2 + sha256: f32748beb76abf5173ee956f30a82c9e9b4a3d9924b0960f1e19e267ea4f01de category: main optional: false - - name: crashtest - version: 0.4.1 + - name: python-build + version: 1.0.3 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/crashtest-0.4.1-pyhd8ed1ab_0.tar.bz2 + colorama: "" + pyproject_hooks: "" + python: ">=3.7" + tomli: ">=1.1.0" + packaging: ">=19.0" + importlib-metadata: ">=4.6" + url: https://conda.anaconda.org/conda-forge/noarch/python-build-1.0.3-pyhd8ed1ab_0.conda hash: - md5: 709a2295dd907bb34afb57d54320642f - sha256: 2f05954a3faf0700c14c1deddc085385160ee32abe111699c78d9cb277e915cc + md5: d9ccabf228cb98419ca3d5694b25e1a2 + sha256: f32748beb76abf5173ee956f30a82c9e9b4a3d9924b0960f1e19e267ea4f01de category: main optional: false - - name: cycler - version: 0.12.1 + - name: python-dateutil + version: 2.8.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/cycler-0.12.1-pyhd8ed1ab_0.conda + python: ">=3.6" + six: ">=1.5" + url: https://conda.anaconda.org/conda-forge/noarch/python-dateutil-2.8.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5cd86562580f274031ede6aa6aa24441 - sha256: f221233f21b1d06971792d491445fd548224641af9443739b4b7b6d5d72954a8 + md5: dd999d1cc9f79e67dbb855c8924c7984 + sha256: 54d7785c7678166aa45adeaccfc1d2b8c3c799ca2dc05d4a82bb39b1968bd7da category: main optional: false - - name: dagster-pipes - version: 1.5.9 + - name: python-dateutil + version: 2.8.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.9-pyhd8ed1ab_0.conda + python: ">=3.6" + six: ">=1.5" + url: https://conda.anaconda.org/conda-forge/noarch/python-dateutil-2.8.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 0a9787859365c4d2425e589ac53c462b - sha256: eebc7dca517350678ebfb8b3fff7ec47c60aff62dae2e69b8c4845b6080ec3e8 + md5: dd999d1cc9f79e67dbb855c8924c7984 + sha256: 54d7785c7678166aa45adeaccfc1d2b8c3c799ca2dc05d4a82bb39b1968bd7da category: main optional: false - - name: dataclasses - version: "0.8" + - name: python-dateutil + version: 2.8.2 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/dataclasses-0.8-pyhc8e2a94_3.tar.bz2 + python: ">=3.6" + six: ">=1.5" + url: https://conda.anaconda.org/conda-forge/noarch/python-dateutil-2.8.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: a362b2124b06aad102e2ee4581acee7d - sha256: 63a83e62e0939bc1ab32de4ec736f6403084198c4639638b354a352113809c92 + md5: dd999d1cc9f79e67dbb855c8924c7984 + sha256: 54d7785c7678166aa45adeaccfc1d2b8c3c799ca2dc05d4a82bb39b1968bd7da category: main optional: false - - name: debugpy - version: 1.8.0 + - name: python-dotenv + version: 1.0.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/debugpy-1.8.0-py311ha891d26_1.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/python-dotenv-1.0.0-pyhd8ed1ab_1.conda + hash: + md5: 111e7f9edd31865e2659fa9aad8ec8fd + sha256: bc5663f224ff6d8a399ec6bd8517e0c0f87a69ead438f82e5ce5c30f00077586 + category: main + optional: false + - name: python-dotenv + version: 1.0.0 + manager: conda + platform: osx-64 + dependencies: + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/python-dotenv-1.0.0-pyhd8ed1ab_1.conda hash: - md5: 575b875f1e7901213e9a0f44db9deccc - sha256: a7c3b4abf2d3d5256be7e891e76c86dd52e3893e9495d468e3c95e82932b9d7b + md5: 111e7f9edd31865e2659fa9aad8ec8fd + sha256: bc5663f224ff6d8a399ec6bd8517e0c0f87a69ead438f82e5ce5c30f00077586 category: main optional: false - - name: decorator - version: 5.1.1 + - name: python-dotenv + version: 1.0.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/decorator-5.1.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/python-dotenv-1.0.0-pyhd8ed1ab_1.conda hash: - md5: 43afe5ab04e35e17ba28649471dd7364 - sha256: 328a6a379f9bdfd0230e51de291ce858e6479411ea4b0545fb377c71662ef3e2 + md5: 111e7f9edd31865e2659fa9aad8ec8fd + sha256: bc5663f224ff6d8a399ec6bd8517e0c0f87a69ead438f82e5ce5c30f00077586 category: main optional: false - - name: defusedxml - version: 0.7.1 + - name: python-fastjsonschema + version: 2.19.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/defusedxml-0.7.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/python-fastjsonschema-2.19.0-pyhd8ed1ab_0.conda hash: - md5: 961b3a227b437d82ad7054484cfa71b2 - sha256: 9717a059677553562a8f38ff07f3b9f61727bd614f505658b0a5ecbcf8df89be + md5: e4dbdb3585c0266b4710467fe7b75cf4 + sha256: fdfe3f387c5ebde803605e1e90871c424519d2bfe2eb3bf9caad1c5a07f4c462 category: main optional: false - - name: distlib - version: 0.3.7 + - name: python-fastjsonschema + version: 2.19.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: 2.7|>=3.6 - url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda + python: ">=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/python-fastjsonschema-2.19.0-pyhd8ed1ab_0.conda hash: - md5: 12d8aae6994f342618443a8f05c652a0 - sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 + md5: e4dbdb3585c0266b4710467fe7b75cf4 + sha256: fdfe3f387c5ebde803605e1e90871c424519d2bfe2eb3bf9caad1c5a07f4c462 category: main optional: false - - name: docstring_parser - version: "0.15" + - name: python-fastjsonschema + version: 2.19.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/docstring_parser-0.15-pyhd8ed1ab_0.conda + python: ">=3.3" + url: https://conda.anaconda.org/conda-forge/noarch/python-fastjsonschema-2.19.0-pyhd8ed1ab_0.conda hash: - md5: 031fcb28b8e80c1f7bec22ccdf4904b2 - sha256: 9b22e1f1d0decc26cc0743ce929e1a7e233fd7921d1b5c390db0691b8042a706 + md5: e4dbdb3585c0266b4710467fe7b75cf4 + sha256: fdfe3f387c5ebde803605e1e90871c424519d2bfe2eb3bf9caad1c5a07f4c462 category: main optional: false - - name: docutils - version: 0.20.1 + - name: python-json-logger + version: 2.0.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/docutils-0.20.1-py311h267d04e_2.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/python-json-logger-2.0.7-pyhd8ed1ab_0.conda hash: - md5: e82ee6e9db96d5f7ddf289399744240d - sha256: 3bc810b946ef8f87681ea4bee2610e8c418f9f61772f5d1ff3ffa803ae7cfbb6 + md5: a61bf9ec79426938ff785eb69dbb1960 + sha256: 4790787fe1f4e8da616edca4acf6a4f8ed4e7c6967aa31b920208fc8f95efcca category: main optional: false - - name: entrypoints - version: "0.4" + - name: python-json-logger + version: 2.0.7 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/entrypoints-0.4-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/python-json-logger-2.0.7-pyhd8ed1ab_0.conda hash: - md5: 3cf04868fee0a029769bd41f4b2fbf2d - sha256: 2ec4a0900a4a9f42615fc04d0fb3286b796abe56590e8e042f6ec25e102dd5af + md5: a61bf9ec79426938ff785eb69dbb1960 + sha256: 4790787fe1f4e8da616edca4acf6a4f8ed4e7c6967aa31b920208fc8f95efcca category: main optional: false - - name: et_xmlfile - version: 1.1.0 + - name: python-json-logger + version: 2.0.7 manager: conda platform: osx-arm64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/et_xmlfile-1.1.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/python-json-logger-2.0.7-pyhd8ed1ab_0.conda hash: - md5: a2f2138597905eaa72e561d8efb42cf3 - sha256: 0c7bb50e1382615a660468dc531b8b17c5b91b88a02ed131c8e3cc63db507ce2 + md5: a61bf9ec79426938ff785eb69dbb1960 + sha256: 4790787fe1f4e8da616edca4acf6a4f8ed4e7c6967aa31b920208fc8f95efcca category: main optional: false - - name: exceptiongroup - version: 1.1.3 + - name: python-multipart + version: 0.0.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/exceptiongroup-1.1.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/python-multipart-0.0.6-pyhd8ed1ab_0.conda hash: - md5: e6518222753f519e911e83136d2158d9 - sha256: c28f715e049fe0f09785660bcbffa175ffb438720e5bc5a60d56d4b08364b315 + md5: f4f642eeda814c1b65f46fbdf7e89096 + sha256: 2a9b8d02a6ec9862433cfc2741c4cbfe321e4ae3bab066f7ed84bc00effb73d7 category: main optional: false - - name: execnet - version: 2.0.2 + - name: python-multipart + version: 0.0.6 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/execnet-2.0.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/python-multipart-0.0.6-pyhd8ed1ab_0.conda hash: - md5: 67de0d8241e1060a479e3c37793e26f9 - sha256: 88ea68a360198af39368beecf057af6b31f0ae38071b2bdb2aa961b6ae5427c0 + md5: f4f642eeda814c1b65f46fbdf7e89096 + sha256: 2a9b8d02a6ec9862433cfc2741c4cbfe321e4ae3bab066f7ed84bc00effb73d7 category: main optional: false - - name: executing - version: 2.0.1 + - name: python-multipart + version: 0.0.6 manager: conda platform: osx-arm64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/executing-2.0.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/python-multipart-0.0.6-pyhd8ed1ab_0.conda hash: - md5: e16be50e378d8a4533b989035b196ab8 - sha256: c738804ab1e6376f8ea63372229a04c8d658dc90fd5a218c6273a2eaf02f4057 + md5: f4f642eeda814c1b65f46fbdf7e89096 + sha256: 2a9b8d02a6ec9862433cfc2741c4cbfe321e4ae3bab066f7ed84bc00effb73d7 category: main optional: false - - name: filelock - version: 3.13.1 + - name: python-slugify + version: 8.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/filelock-3.13.1-pyhd8ed1ab_0.conda + text-unidecode: ">=1.3" + url: https://conda.anaconda.org/conda-forge/noarch/python-slugify-8.0.1-pyhd8ed1ab_2.conda hash: - md5: 0c1729b74a8152fde6a38ba0a2ab9f45 - sha256: 4d742d91412d1f163e5399d2b50c5d479694ebcd309127abb549ca3977f89d2b + md5: 519897ff446e0dc056e12402e6785cd5 + sha256: 68ac5a6a467b9c0a98e326ec4cc8e3c01d4514f1200c1b44102923424e8ed1eb category: main optional: false - - name: frozenlist - version: 1.4.0 + - name: python-slugify + version: 8.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/frozenlist-1.4.0-py311heffc1b2_1.conda + python: ">=3.7" + text-unidecode: ">=1.3" + url: https://conda.anaconda.org/conda-forge/noarch/python-slugify-8.0.1-pyhd8ed1ab_2.conda hash: - md5: 38016fce1505beb7f18bcb86ee02d276 - sha256: 48e086e66914cde5e4d76d855312be8faabb16df7062aad5915be31ee12dee44 + md5: 519897ff446e0dc056e12402e6785cd5 + sha256: 68ac5a6a467b9c0a98e326ec4cc8e3c01d4514f1200c1b44102923424e8ed1eb category: main optional: false - - name: fsspec - version: 2023.10.0 + - name: python-slugify + version: 8.0.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.10.0-pyhca7485f_0.conda + python: ">=3.7" + text-unidecode: ">=1.3" + url: https://conda.anaconda.org/conda-forge/noarch/python-slugify-8.0.1-pyhd8ed1ab_2.conda hash: - md5: 5b86cf1ceaaa9be2ec4627377e538db1 - sha256: 1bbdfadb93cc768252fd207dca406cde928f9a81ff985ea1760b6539c55923e6 + md5: 519897ff446e0dc056e12402e6785cd5 + sha256: 68ac5a6a467b9c0a98e326ec4cc8e3c01d4514f1200c1b44102923424e8ed1eb category: main optional: false - - name: google-cloud-sdk - version: 455.0.0 + - name: python-tzdata + version: "2023.3" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/google-cloud-sdk-455.0.0-py311h267d04e_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/python-tzdata-2023.3-pyhd8ed1ab_0.conda hash: - md5: 2f60b4b18d39e85bdf3557f19bd407be - sha256: 9511a6c98a01a1e5013c73d8e7cb0d1200643e9d531cbc49ebebfb5cd9e71f27 + md5: 2590495f608a63625e165915fb4e2e34 + sha256: 0108888507014fb24573c31e4deceb61c99e63d37776dddcadd7c89b2ecae0b6 category: main optional: false - - name: greenlet - version: 3.0.1 + - name: python-tzdata + version: "2023.3" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/greenlet-3.0.1-py311hbaf5611_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/python-tzdata-2023.3-pyhd8ed1ab_0.conda hash: - md5: 9136cd518f65a952b2a37c80645ef610 - sha256: 6c8e2e5024ee26099d396a95a55c49ffe3eb8985c764ce875e95f01711f4c2a7 + md5: 2590495f608a63625e165915fb4e2e34 + sha256: 0108888507014fb24573c31e4deceb61c99e63d37776dddcadd7c89b2ecae0b6 category: main optional: false - - name: hpack - version: 4.0.0 + - name: python-tzdata + version: "2023.3" manager: conda platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/hpack-4.0.0-pyh9f0ad1d_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/python-tzdata-2023.3-pyhd8ed1ab_0.conda hash: - md5: 914d6646c4dbb1fd3ff539830a12fd71 - sha256: 5dec948932c4f740674b1afb551223ada0c55103f4c7bf86a110454da3d27cb8 + md5: 2590495f608a63625e165915fb4e2e34 + sha256: 0108888507014fb24573c31e4deceb61c99e63d37776dddcadd7c89b2ecae0b6 category: main optional: false - - name: httptools - version: 0.6.1 + - name: python_abi + version: "3.11" manager: conda - platform: osx-arm64 - dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/httptools-0.6.1-py311h05b510d_0.conda + platform: linux-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/linux-64/python_abi-3.11-4_cp311.conda hash: - md5: be46012a5eafd7944c8e72dc129464c7 - sha256: 7fa4b77928382b5d187380a437435f8c6726253387742a1944db03407b8c7a67 - category: dev - optional: true - - name: humanfriendly - version: "10.0" + md5: d786502c97404c94d7d58d258a445a65 + sha256: 0be3ac1bf852d64f553220c7e6457e9c047dfb7412da9d22fbaa67e60858b3cf + category: main + optional: false + - name: python_abi + version: "3.11" manager: conda - platform: osx-arm64 - dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/humanfriendly-10.0-pyhd8ed1ab_6.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/python_abi-3.11-4_cp311.conda hash: - md5: 2ed1fe4b9079da97c44cfe9c2e5078fd - sha256: cd93d5d4b1d98f7ce76a8658c35de9c63e17b3a40e52f40fa2f459e0da83d0b1 + md5: fef7a52f0eca6bae9e8e2e255bc86394 + sha256: f56dfe2a57b3b27bad3f9527f943548e8b2526e949d9d6fc0a383020d9359afe category: main optional: false - - name: hupper - version: "1.12" + - name: python_abi + version: "3.11" manager: conda platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/python_abi-3.11-4_cp311.conda + hash: + md5: 8d3751bc73d3bbb66f216fa2331d5649 + sha256: 4837089c477b9b84fa38a17f453e6634e68237267211b27a8a2f5ccd847f4e55 + category: main + optional: false + - name: pytz + version: 2023.3.post1 + manager: conda + platform: linux-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/hupper-1.12-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/pytz-2023.3.post1-pyhd8ed1ab_0.conda hash: - md5: 2654ff96e839bc699e5c3780689a596b - sha256: 0b172391000a008029f32e4a34d37d79b114d4ea3b6948d2be72a78568fdadcd + md5: c93346b446cd08c169d843ae5fc0da97 + sha256: 6b680e63d69aaf087cd43ca765a23838723ef59b0a328799e6363eb13f52c49e category: main optional: false - - name: hyperframe - version: 6.0.1 + - name: pytz + version: 2023.3.post1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/hyperframe-6.0.1-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/pytz-2023.3.post1-pyhd8ed1ab_0.conda hash: - md5: 9f765cbfab6870c8435b9eefecd7a1f4 - sha256: e374a9d0f53149328134a8d86f5d72bca4c6dcebed3c0ecfa968c02996289330 + md5: c93346b446cd08c169d843ae5fc0da97 + sha256: 6b680e63d69aaf087cd43ca765a23838723ef59b0a328799e6363eb13f52c49e category: main optional: false - - name: idna - version: "3.4" + - name: pytz + version: 2023.3.post1 manager: conda platform: osx-arm64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/idna-3.4-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/pytz-2023.3.post1-pyhd8ed1ab_0.conda hash: - md5: 34272b248891bddccc64479f9a7fffed - sha256: 9887c35c374ec1847f167292d3fde023cb4c994a4ceeec283072b95440131f09 + md5: c93346b446cd08c169d843ae5fc0da97 + sha256: 6b680e63d69aaf087cd43ca765a23838723ef59b0a328799e6363eb13f52c49e category: main optional: false - - name: ijson - version: 3.2.3 + - name: pytzdata + version: "2020.1" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/ijson-3.2.3-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/pytzdata-2020.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 6b1e4cb33f797d6487efd3ebad39d103 - sha256: 133fb51b4c638c453ef7de37cc4d412b9a4442839a9c7ad986b9bf473234b585 + md5: 7dd824593f3a861130ac17c6571546e2 + sha256: e7e628c1247b096e3af147b1c32d5ac328266fa95656e27b79f71bb410251356 category: main optional: false - - name: imagesize - version: 1.4.1 + - name: pytzdata + version: "2020.1" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/imagesize-1.4.1-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/pytzdata-2020.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 7de5386c8fea29e76b303f37dde4c352 - sha256: c2bfd7043e0c4c12d8b5593de666c1e81d67b83c474a0a79282cc5c4ef845460 + md5: 7dd824593f3a861130ac17c6571546e2 + sha256: e7e628c1247b096e3af147b1c32d5ac328266fa95656e27b79f71bb410251356 category: main optional: false - - name: iniconfig - version: 2.0.0 + - name: pytzdata + version: "2020.1" manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/iniconfig-2.0.0-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/pytzdata-2020.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: f800d2da156d08e289b14e87e43c1ae5 - sha256: 38740c939b668b36a50ef455b077e8015b8c9cf89860d421b3fff86048f49666 + md5: 7dd824593f3a861130ac17c6571546e2 + sha256: e7e628c1247b096e3af147b1c32d5ac328266fa95656e27b79f71bb410251356 category: main optional: false - - name: itsdangerous - version: 2.1.2 + - name: pyu2f + version: 0.1.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/itsdangerous-2.1.2-pyhd8ed1ab_0.tar.bz2 + python: ">=2.7" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/pyu2f-0.1.5-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3c3de74912f11d2b590184f03c7cd09b - sha256: 31e3492686b4e92b53db9b48bc0eb03873b1caaf28629fee7d2d47627a2c56d3 + md5: caabbeaa83928d0c3e3949261daa18eb + sha256: 667a5a30b65a60b15f38fa4cb09efd6d2762b5a0a9563acd9555eaa5e0b953a2 category: main optional: false - - name: jellyfish - version: 1.0.3 + - name: pyu2f + version: 0.1.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/jellyfish-1.0.3-py311h94f323b_0.conda + six: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pyu2f-0.1.5-pyhd8ed1ab_0.tar.bz2 hash: - md5: e93dd373d5a02f378d9ff392627572a1 - sha256: fb44932ed3a86e55503f4c0216eff59e47a409e1d18fab4714130692d4f8a9af + md5: caabbeaa83928d0c3e3949261daa18eb + sha256: 667a5a30b65a60b15f38fa4cb09efd6d2762b5a0a9563acd9555eaa5e0b953a2 category: main optional: false - - name: jmespath - version: 1.0.1 + - name: pyu2f + version: 0.1.5 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jmespath-1.0.1-pyhd8ed1ab_0.tar.bz2 + six: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pyu2f-0.1.5-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2cfa3e1cf3fb51bb9b17acc5b5e9ea11 - sha256: 95ac5f9ee95fd4e34dc051746fc86016d3d4f6abefed113e2ede049d59ec2991 + md5: caabbeaa83928d0c3e3949261daa18eb + sha256: 667a5a30b65a60b15f38fa4cb09efd6d2762b5a0a9563acd9555eaa5e0b953a2 category: main optional: false - - name: json5 - version: 0.9.14 + - name: pywin32-on-windows + version: 0.1.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/json5-0.9.14-pyhd8ed1ab_0.conda + __unix: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pywin32-on-windows-0.1.0-pyh1179c8e_3.tar.bz2 hash: - md5: dac1dabba2b5a9d1aee175c5fcc7b436 - sha256: 41514104208c092959bef0713cbd795e72c535f2f939b7903d8c97809f2adaa7 + md5: 2807a0becd1d986fe1ef9b7f8135f215 + sha256: 6502696aaef571913b22a808b15c185bd8ea4aabb952685deb29e6a6765761cb category: main optional: false - - name: jsonpointer - version: "2.4" + - name: pywin32-on-windows + version: 0.1.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/jsonpointer-2.4-py311h267d04e_3.conda + __unix: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pywin32-on-windows-0.1.0-pyh1179c8e_3.tar.bz2 hash: - md5: b6008a5b9180e58a235f5e45432dfe2e - sha256: 807d6c44f3e34139bfd25db4409381a6ce37fad2902c58f10fa7e1c30a64333d + md5: 2807a0becd1d986fe1ef9b7f8135f215 + sha256: 6502696aaef571913b22a808b15c185bd8ea4aabb952685deb29e6a6765761cb category: main optional: false - - name: jupyterlab_widgets - version: 3.0.9 + - name: pywin32-on-windows + version: 0.1.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_widgets-3.0.9-pyhd8ed1ab_0.conda + __unix: "" + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/pywin32-on-windows-0.1.0-pyh1179c8e_3.tar.bz2 hash: - md5: 8370e0a9dc443f9b45a23fd30e7a6b3b - sha256: ec66991d2175f7b1f35973d6c4f56ad9a49666f77acf1037d72f3bc6e37224f3 + md5: 2807a0becd1d986fe1ef9b7f8135f215 + sha256: 6502696aaef571913b22a808b15c185bd8ea4aabb952685deb29e6a6765761cb category: main optional: false - - name: kiwisolver - version: 1.4.5 + - name: pyxlsb + version: 1.0.10 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/kiwisolver-1.4.5-py311he4fd1f5_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyxlsb-1.0.10-pyhd8ed1ab_0.tar.bz2 hash: - md5: 4c871d65040b8c7bbb914df7f8f11492 - sha256: 907af50734789d47b3e8b2148dde763699dc746c64e5849baf6bd720c8cd0235 + md5: 0c14e44bc93a99cdc11398311c3c0dcf + sha256: 7e6e7064ad976ba6d38e7cf5a893c93a47025d4074b888e8db31386a914935fb category: main optional: false - - name: libblas - version: 3.9.0 + - name: pyxlsb + version: 1.0.10 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libopenblas: ">=0.3.24,<1.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libblas-3.9.0-19_osxarm64_openblas.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyxlsb-1.0.10-pyhd8ed1ab_0.tar.bz2 hash: - md5: f50b1fd98593278e18319653cff9c475 - sha256: 51e78e3c9fa57f3fec12936b760928715ba0ab5253d02815202f9ec4c2c9255d + md5: 0c14e44bc93a99cdc11398311c3c0dcf + sha256: 7e6e7064ad976ba6d38e7cf5a893c93a47025d4074b888e8db31386a914935fb category: main optional: false - - name: libcurl - version: 8.4.0 + - name: pyxlsb + version: 1.0.10 manager: conda platform: osx-arm64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libnghttp2: ">=1.52.0,<2.0a0" - libssh2: ">=1.11.0,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.3,<4.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libcurl-8.4.0-h2d989ff_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/pyxlsb-1.0.10-pyhd8ed1ab_0.tar.bz2 hash: - md5: afabb3372209028627ec03e206f4d967 - sha256: 5ca24ab030b1c56ce07921bf901ea99076e8b7e45586b4a04e5187cc67c87273 + md5: 0c14e44bc93a99cdc11398311c3c0dcf + sha256: 7e6e7064ad976ba6d38e7cf5a893c93a47025d4074b888e8db31386a914935fb category: main optional: false - - name: libgd - version: 2.3.3 + - name: pyyaml + version: 6.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - expat: "" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - icu: ">=73.2,<74.0a0" - libexpat: ">=2.5.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp: "" - libwebp-base: ">=1.3.2,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgd-2.3.3-hfdf3952_9.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + yaml: ">=0.2.5,<0.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/pyyaml-6.0.1-py311h459d7ec_1.conda hash: - md5: 0d847466f115fbdaaf2b6926f2e33278 - sha256: cfdecfaa27807abc2728bd8c60b923ce1b44020553e122e9a56fc3acb77acaec - category: dev - optional: true - - name: libgrpc - version: 1.59.2 + md5: 52719a74ad130de8fb5d047dc91f247a + sha256: 28729ef1ffa7f6f9dfd54345a47c7faac5d34296d66a2b9891fb147f4efe1348 + category: main + optional: false + - name: pyyaml + version: 6.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - c-ares: ">=1.20.1,<2.0a0" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - re2: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgrpc-1.59.2-hbcf6334_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + yaml: ">=0.2.5,<0.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/pyyaml-6.0.1-py311h2725bcf_1.conda hash: - md5: 773cf509934965514cc62d97fb38a2d7 - sha256: fc7d7aecf633904bd945c7e4e0620d1485e90801405eb7d12269e57242916ae0 + md5: 9283f991b5e5856a99f8aabba9927df5 + sha256: 8ce2ba443414170a2570514d0ce6d03625a847e91af9763d48dc58c338e6f7f3 category: main optional: false - - name: libpq - version: "16.1" + - name: pyyaml + version: 6.0.1 manager: conda platform: osx-arm64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libpq-16.1-hd435d45_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + yaml: ">=0.2.5,<0.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pyyaml-6.0.1-py311heffc1b2_1.conda hash: - md5: 883bbf64780c91608f1a7df9203b79a5 - sha256: 1b5c86d5f247b3e154ae373dcebea6979368c4a0ee722d39ec33ee2fc8528c04 + md5: d310bfbb8230b9175c0cbc10189ad804 + sha256: b155f5c27f0e2951256774628c4b91fdeee3267018eef29897a74e3d1316c8b0 category: main optional: false - - name: llvmlite - version: 0.41.1 + - name: pyzmq + version: 25.1.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libllvm14: ">=14.0.6,<14.1.0a0" - libzlib: ">=1.2.13,<1.3.0a0" + libgcc-ng: ">=12" + libsodium: ">=1.0.18,<1.0.19.0a0" + libstdcxx-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/llvmlite-0.41.1-py311hf5d242d_0.conda + zeromq: ">=4.3.5,<4.4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/pyzmq-25.1.1-py311h34ded2d_2.conda hash: - md5: 0ef98376c9ffd4d344d1de563f405406 - sha256: 5957c1bb252221a0ab595f0341d7ae465caf096532fbd4f2180aaa6857e6f032 + md5: ea365280db99687905b4d76cf6a3568c + sha256: a5ed6592f32b0caf3883a2f863e8a6258845310d4eebeab2eaf1c5abed04d6b8 category: main optional: false - - name: locket - version: 1.0.0 + - name: pyzmq + version: 25.1.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*" - url: https://conda.anaconda.org/conda-forge/noarch/locket-1.0.0-pyhd8ed1ab_0.tar.bz2 + libsodium: ">=1.0.18,<1.0.19.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + zeromq: ">=4.3.5,<4.4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/pyzmq-25.1.1-py311he3804a1_2.conda hash: - md5: 91e27ef3d05cc772ce627e51cff111c4 - sha256: 9afe0b5cfa418e8bdb30d8917c5a6cec10372b037924916f1f85b9f4899a67a6 + md5: 9b1ea037c51fcdb06bd2d95804270860 + sha256: 7a9af16e04752c50675ca99ab06888aaf8305efb5d292f62f7268ad911c967f4 category: main optional: false - - name: lxml - version: 4.9.3 + - name: pyzmq + version: 25.1.1 manager: conda platform: osx-arm64 dependencies: - libxml2: ">=2.11.5,<2.12.0a0" - libxslt: ">=1.1.37,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" + libsodium: ">=1.0.18,<1.0.19.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/lxml-4.9.3-py311hbafe683_1.conda + zeromq: ">=4.3.5,<4.4.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/pyzmq-25.1.1-py311he9c0408_2.conda hash: - md5: 5cfed11a5103844a5654446cf4d3f42a - sha256: e7ac6818b94242a5a1800a66d362a5e0262473e2399e731dd2061737b88c09b5 + md5: 51b7458a36011c4982261478fcc62026 + sha256: 03b78fe912c02547b284bc3404194bb4c1d9a2680e4b46f45c131a0d13d10b48 category: main optional: false - - name: marko - version: 1.3.1 + - name: qtconsole-base + version: 5.5.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/marko-1.3.1-pyhd8ed1ab_0.conda + ipykernel: ">=4.1" + jupyter_client: ">=4.1" + jupyter_core: "" + packaging: "" + pygments: "" + python: ">=3.8" + qtpy: ">=2.4.0" + traitlets: "" + url: https://conda.anaconda.org/conda-forge/noarch/qtconsole-base-5.5.1-pyha770c72_0.conda hash: - md5: 9651c1c1c19dbc072c557e3e2da38329 - sha256: 42a84421edb86e09b83aaaa340921b8f2c78daa787305895e886ade6913d8690 + md5: 5528a3eda283b421055c89bface19a1c + sha256: e81a294941a598aabfd9462cf9aaa3b3e2c04996420f82494bdc13233de8ca70 category: main optional: false - - name: markupsafe - version: 2.1.3 + - name: qtconsole-base + version: 5.5.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/markupsafe-2.1.3-py311heffc1b2_1.conda + packaging: "" + pygments: "" + traitlets: "" + jupyter_core: "" + python: ">=3.8" + ipykernel: ">=4.1" + jupyter_client: ">=4.1" + qtpy: ">=2.4.0" + url: https://conda.anaconda.org/conda-forge/noarch/qtconsole-base-5.5.1-pyha770c72_0.conda hash: - md5: 5a7b68cb9eea46bea31aaf2d11d0dd2f - sha256: 307c1e3b2e4a2a992a6c94975910adff88cc523e2c9a41e81b2d506d8c9e7359 + md5: 5528a3eda283b421055c89bface19a1c + sha256: e81a294941a598aabfd9462cf9aaa3b3e2c04996420f82494bdc13233de8ca70 category: main optional: false - - name: mdurl - version: 0.1.0 + - name: qtconsole-base + version: 5.5.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mdurl-0.1.0-pyhd8ed1ab_0.tar.bz2 + packaging: "" + pygments: "" + traitlets: "" + jupyter_core: "" + python: ">=3.8" + ipykernel: ">=4.1" + jupyter_client: ">=4.1" + qtpy: ">=2.4.0" + url: https://conda.anaconda.org/conda-forge/noarch/qtconsole-base-5.5.1-pyha770c72_0.conda hash: - md5: f8dab71fdc13b1bf29a01248b156d268 - sha256: c678b9194e025b1fb665bec30ee20aab93399203583875b1dcc0a3b52a8f5523 + md5: 5528a3eda283b421055c89bface19a1c + sha256: e81a294941a598aabfd9462cf9aaa3b3e2c04996420f82494bdc13233de8ca70 category: main optional: false - - name: mergedeep - version: 1.3.4 + - name: qtpy + version: 2.4.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/mergedeep-1.3.4-pyhd8ed1ab_0.tar.bz2 + packaging: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/qtpy-2.4.1-pyhd8ed1ab_0.conda hash: - md5: 1a160a3cab5cb6bd46264b52cd6f69a2 - sha256: 41ad8c16876820981adfc6e17a62935c950214bd9a9bb092e6aaefdc89a33f0b + md5: 7f391bd70d2abfb70f304ba5aa4e1261 + sha256: 925bf48e747af6ceff1b073c10b12fc94ef79c88a34729059d253e43466a33f1 category: main optional: false - - name: mistune - version: 3.0.2 + - name: qtpy + version: 2.4.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: + packaging: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/mistune-3.0.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/qtpy-2.4.1-pyhd8ed1ab_0.conda hash: - md5: 5cbee699846772cc939bef23a0d524ed - sha256: f95cb70007e3cc2ba44e17c29a056b499e6dadf08746706d0c817c8e2f47e05c + md5: 7f391bd70d2abfb70f304ba5aa4e1261 + sha256: 925bf48e747af6ceff1b073c10b12fc94ef79c88a34729059d253e43466a33f1 category: main optional: false - - name: more-itertools - version: 10.1.0 + - name: qtpy + version: 2.4.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/more-itertools-10.1.0-pyhd8ed1ab_0.conda + packaging: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/qtpy-2.4.1-pyhd8ed1ab_0.conda hash: - md5: 8549fafed0351bbfaa1ddaa15fdf9b4e - sha256: 07ce65497dec537e490992758934ddbc4fb5ed9285b41387a7cca966f1a98a0f + md5: 7f391bd70d2abfb70f304ba5aa4e1261 + sha256: 925bf48e747af6ceff1b073c10b12fc94ef79c88a34729059d253e43466a33f1 category: main optional: false - - name: msgpack-python - version: 1.0.6 + - name: rdma-core + version: "28.9" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/msgpack-python-1.0.6-py311he4fd1f5_0.conda + __glibc: ">=2.17,<3.0.a0" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/rdma-core-28.9-h59595ed_1.conda hash: - md5: f53f91443f7a3e2f0370fcb1709561ed - sha256: bcc4d2d6d70a0a3ccb503517ce4cc85d14d5b33fab48287a75d14976a10da892 + md5: aeffb7c06b5f65e55e6c637408dc4100 + sha256: 832f9393ab3144ce6468c6f150db9d398fad4451e96a8879afb3059f0c9902f6 category: main optional: false - - name: multidict - version: 6.0.4 + - name: re2 + version: 2023.06.02 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/multidict-6.0.4-py311he2be06e_1.conda + libre2-11: 2023.06.02 + url: https://conda.anaconda.org/conda-forge/linux-64/re2-2023.06.02-h2873b5e_0.conda hash: - md5: 8713dd014bb36a581c42dcbe9c4a5216 - sha256: a58bfc6c78b60ff31507c6b8412ad56df02d3fe5675fbb70a89f8e39c498018f + md5: bb2d5e593ef13fe4aff0bc9440f945ae + sha256: 3e0bfb04b6d43312d711c5b49dbc3c7660b2e6e681ed504b1b322794462a1bcd category: main optional: false - - name: multimethod - version: 1.9.1 + - name: re2 + version: 2023.06.02 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/multimethod-1.9.1-pyhd8ed1ab_0.conda + libre2-11: 2023.06.02 + url: https://conda.anaconda.org/conda-forge/osx-64/re2-2023.06.02-hd34609a_0.conda hash: - md5: 48223af3f697ccd9b114adb6a66e0f11 - sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b + md5: e498042c254db56d398b6ee858888b9d + sha256: dd749346b868ac9a8765cd18e102f808103330b3fc1fac5d267fbf4257ea31c9 category: main optional: false - - name: munch - version: 4.0.0 + - name: re2 + version: 2023.06.02 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda + libre2-11: 2023.06.02 + url: https://conda.anaconda.org/conda-forge/osx-arm64/re2-2023.06.02-h6135d0a_0.conda hash: - md5: 376b32e8f9d3eacbd625f37d39bd507d - sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 + md5: 8f23674174b155300696a2be8b5c1407 + sha256: 963847258a82d9647311c5eb8829a49ac2161df12a304d5d6e61f788f0563442 + category: main + optional: false + - name: readline + version: "8.2" + manager: conda + platform: linux-64 + dependencies: + libgcc-ng: ">=12" + ncurses: ">=6.3,<7.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/readline-8.2-h8228510_1.conda + hash: + md5: 47d31b792659ce70f470b5c82fdfb7a4 + sha256: 5435cf39d039387fbdc977b0a762357ea909a7694d9528ab40f005e9208744d7 category: main optional: false - - name: munkres - version: 1.1.4 + - name: readline + version: "8.2" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/munkres-1.1.4-pyh9f0ad1d_0.tar.bz2 + ncurses: ">=6.3,<7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/readline-8.2-h9e318b2_1.conda hash: - md5: 2ba8498c1018c1e9c61eb99b973dfe19 - sha256: f86fb22b58e93d04b6f25e0d811b56797689d598788b59dcb47f59045b568306 + md5: f17f77f2acf4d344734bda76829ce14e + sha256: 41e7d30a097d9b060037f0c6a2b1d4c4ae7e942c06c943d23f9d481548478568 category: main optional: false - - name: mypy_extensions - version: 1.0.0 + - name: readline + version: "8.2" manager: conda platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/mypy_extensions-1.0.0-pyha770c72_0.conda + ncurses: ">=6.3,<7.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/readline-8.2-h92ec313_1.conda hash: - md5: 4eccaeba205f0aed9ac3a9ea58568ca3 - sha256: f240217476e148e825420c6bc3a0c0efb08c0718b7042fae960400c02af858a3 + md5: 8cbb776a2f641b943d413b3e19df71f4 + sha256: a1dfa679ac3f6007362386576a704ad2d0d7a02e98f5d0b115f207a2da63e884 category: main optional: false - - name: nest-asyncio - version: 1.5.8 + - name: readthedocs-sphinx-ext + version: 2.2.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/nest-asyncio-1.5.8-pyhd8ed1ab_0.conda + jinja2: ">=2.9" + packaging: "" + python: ">=3.6" + requests: "" + url: https://conda.anaconda.org/conda-forge/noarch/readthedocs-sphinx-ext-2.2.3-pyhd8ed1ab_0.conda hash: - md5: a4f0e4519bc50eee4f53f689be9607f7 - sha256: d7b795b4e754136841c6da3f9fa1a0f7ec37bc7167e7dd68c5b45e657133e008 + md5: 6bc1a00f5502f9ed13526e4c6bea6900 + sha256: 464cfb706266a2dfbee7d0226c83114c9868a65f9fc7e05b223faac8bd2b3f8e category: main optional: false - - name: networkx - version: 3.2.1 + - name: readthedocs-sphinx-ext + version: 2.2.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.9" - url: https://conda.anaconda.org/conda-forge/noarch/networkx-3.2.1-pyhd8ed1ab_0.conda + requests: "" + packaging: "" + python: ">=3.6" + jinja2: ">=2.9" + url: https://conda.anaconda.org/conda-forge/noarch/readthedocs-sphinx-ext-2.2.3-pyhd8ed1ab_0.conda hash: - md5: 425fce3b531bed6ec3c74fab3e5f0a1c - sha256: 7629aa4f9f8cdff45ea7a4701fe58dccce5bf2faa01c26eb44cbb27b7e15ca9d + md5: 6bc1a00f5502f9ed13526e4c6bea6900 + sha256: 464cfb706266a2dfbee7d0226c83114c9868a65f9fc7e05b223faac8bd2b3f8e category: main optional: false - - name: packaging - version: "23.2" + - name: readthedocs-sphinx-ext + version: 2.2.3 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/packaging-23.2-pyhd8ed1ab_0.conda + requests: "" + packaging: "" + python: ">=3.6" + jinja2: ">=2.9" + url: https://conda.anaconda.org/conda-forge/noarch/readthedocs-sphinx-ext-2.2.3-pyhd8ed1ab_0.conda hash: - md5: 79002079284aa895f883c6b7f3f88fd6 - sha256: 69b3ace6cca2dab9047b2c24926077d81d236bef45329d264b394001e3c3e52f + md5: 6bc1a00f5502f9ed13526e4c6bea6900 + sha256: 464cfb706266a2dfbee7d0226c83114c9868a65f9fc7e05b223faac8bd2b3f8e category: main optional: false - - name: pandocfilters - version: 1.5.0 + - name: recordlinkage + version: "0.16" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: "!=3.0,!=3.1,!=3.2,!=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/pandocfilters-1.5.0-pyhd8ed1ab_0.tar.bz2 + jellyfish: ">=1" + joblib: "" + numexpr: "" + numpy: ">=1.13" + pandas: ">=1,<3" + python: ">=3.8" + scikit-learn: ">=1" + scipy: ">=1" + url: https://conda.anaconda.org/conda-forge/noarch/recordlinkage-0.16-pyhd8ed1ab_0.conda hash: - md5: 457c2c8c08e54905d6954e79cb5b5db9 - sha256: 2bb9ba9857f4774b85900c2562f7e711d08dd48e2add9bee4e1612fbee27e16f + md5: 948205d11a8b036e065c46462db0632a + sha256: 3f3c03719d6bdef41f8a08f51fb3e58a80223a321ffca413eda0c332bfa75bf0 category: main optional: false - - name: parso - version: 0.8.3 + - name: recordlinkage + version: "0.16" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/parso-0.8.3-pyhd8ed1ab_0.tar.bz2 + joblib: "" + numexpr: "" + python: ">=3.8" + numpy: ">=1.13" + scikit-learn: ">=1" + pandas: ">=1,<3" + scipy: ">=1" + jellyfish: ">=1" + url: https://conda.anaconda.org/conda-forge/noarch/recordlinkage-0.16-pyhd8ed1ab_0.conda hash: - md5: 17a565a0c3899244e938cdf417e7b094 - sha256: 4e26d5daf5de0e31aa5e74ac56386a361b202433b83f024fdadbf07d4a244da4 + md5: 948205d11a8b036e065c46462db0632a + sha256: 3f3c03719d6bdef41f8a08f51fb3e58a80223a321ffca413eda0c332bfa75bf0 category: main optional: false - - name: pastel - version: 0.2.1 + - name: recordlinkage + version: "0.16" manager: conda platform: osx-arm64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pastel-0.2.1-pyhd8ed1ab_0.tar.bz2 + joblib: "" + numexpr: "" + python: ">=3.8" + numpy: ">=1.13" + scikit-learn: ">=1" + pandas: ">=1,<3" + scipy: ">=1" + jellyfish: ">=1" + url: https://conda.anaconda.org/conda-forge/noarch/recordlinkage-0.16-pyhd8ed1ab_0.conda hash: - md5: a4eea5bff523f26442405bc5d1f52adb - sha256: 9153f0f38c76a09da7688a61fdbf8f3d7504e2326bef53e4ec20d994311b15bd + md5: 948205d11a8b036e065c46462db0632a + sha256: 3f3c03719d6bdef41f8a08f51fb3e58a80223a321ffca413eda0c332bfa75bf0 category: main optional: false - - name: pathspec - version: 0.11.2 + - name: referencing + version: 0.31.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pathspec-0.11.2-pyhd8ed1ab_0.conda + attrs: ">=22.2.0" + python: ">=3.8" + rpds-py: ">=0.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.0-pyhd8ed1ab_0.conda hash: - md5: e41debb259e68490e3ab81e46b639ab6 - sha256: 7bcfa6d86359d45572ba9ccaeaedc04b0452e2654fe44b6fe378d0d37b8745e1 + md5: 38c2b9b24e9a58725a233f1fa32c23e9 + sha256: 108f27bf249a581acd0f1de0e1e6a4d814ab18943178c2d9a4df02f5c16d2102 category: main optional: false - - name: petl - version: 1.7.14 + - name: referencing + version: 0.31.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/petl-1.7.14-pyhd8ed1ab_0.conda + python: ">=3.8" + attrs: ">=22.2.0" + rpds-py: ">=0.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.0-pyhd8ed1ab_0.conda hash: - md5: 65813db01f2331768d909c0852ff5d70 - sha256: f802a980b04ea3355831be31c4b94421040ec95902e203ea08c2e3fc0a1f4286 + md5: 38c2b9b24e9a58725a233f1fa32c23e9 + sha256: 108f27bf249a581acd0f1de0e1e6a4d814ab18943178c2d9a4df02f5c16d2102 category: main optional: false - - name: pickleshare - version: 0.7.5 + - name: referencing + version: 0.31.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3" - url: https://conda.anaconda.org/conda-forge/noarch/pickleshare-0.7.5-py_1003.tar.bz2 + python: ">=3.8" + attrs: ">=22.2.0" + rpds-py: ">=0.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.0-pyhd8ed1ab_0.conda hash: - md5: 415f0ebb6198cc2801c73438a9fb5761 - sha256: a1ed1a094dd0d1b94a09ed85c283a0eb28943f2e6f22161fb45e128d35229738 + md5: 38c2b9b24e9a58725a233f1fa32c23e9 + sha256: 108f27bf249a581acd0f1de0e1e6a4d814ab18943178c2d9a4df02f5c16d2102 category: main optional: false - - name: pillow - version: 10.1.0 + - name: regex + version: 2023.10.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - freetype: ">=2.12.1,<3.0a0" - lcms2: ">=2.15,<3.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libxcb: ">=1.15,<1.16.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openjpeg: ">=2.5.0,<3.0a0" + libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - tk: ">=8.6.13,<8.7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pillow-10.1.0-py311hb9c5795_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/regex-2023.10.3-py311h459d7ec_0.conda hash: - md5: 90fd1f60da9f3d5eccdece0945043037 - sha256: 9699ba6886e94e32eb949009195ed78c2c949f74450235af491cd4cbe390d7b4 + md5: c690bffc22c33b3a976d588937eb32bf + sha256: 80b761ea8ed126b3d12a0466ea925db6116527675f8eb8bd0f68b260f292e9e6 category: main optional: false - - name: pkginfo - version: 1.9.6 + - name: regex + version: 2023.10.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pkginfo-1.9.6-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/regex-2023.10.3-py311h2725bcf_0.conda hash: - md5: be1e9f1c65a1ed0f2ae9352fec99db64 - sha256: 7ea5a5af62a15376d9f4f9f3c134874d0b0710f39be719e849b7fa9ca8870502 + md5: df03957834e3b3a0d7aa8abc3d4268f9 + sha256: 27cdb63cda3f69400b643cfa6207092089818c4ed616016fe0b93347357a4fea category: main optional: false - - name: pkgutil-resolve-name - version: 1.3.10 + - name: regex + version: 2023.10.3 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pkgutil-resolve-name-1.3.10-pyhd8ed1ab_1.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/regex-2023.10.3-py311heffc1b2_0.conda hash: - md5: 405678b942f2481cecdb3e010f4925d9 - sha256: fecf95377134b0e8944762d92ecf7b0149c07d8186fb5db583125a2705c7ea0a + md5: 18ea2eabd7cdd354b52f6bd47ff6fbb8 + sha256: 624a9025e914890a8156f09608def26970197cd60767c89e6844bbf62b5690f8 category: main optional: false - - name: pluggy - version: 1.3.0 + - name: requests + version: 2.31.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pluggy-1.3.0-pyhd8ed1ab_0.conda + certifi: ">=2017.4.17" + charset-normalizer: ">=2,<4" + idna: ">=2.5,<4" + python: ">=3.7" + urllib3: ">=1.21.1,<3" + url: https://conda.anaconda.org/conda-forge/noarch/requests-2.31.0-pyhd8ed1ab_0.conda hash: - md5: 2390bd10bed1f3fdc7a537fb5a447d8d - sha256: 7bf2ad9d747e71f1e93d0863c2c8061dd0f2fe1e582f28d292abfb40264a2eb5 + md5: a30144e4156cdbb236f99ebb49828f8b + sha256: 9f629d6fd3c8ac5f2a198639fe7af87c4db2ac9235279164bfe0fcb49d8c4bad category: main optional: false - - name: prometheus_client - version: 0.18.0 + - name: requests + version: 2.31.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/prometheus_client-0.18.0-pyhd8ed1ab_1.conda + python: ">=3.7" + idna: ">=2.5,<4" + certifi: ">=2017.4.17" + charset-normalizer: ">=2,<4" + urllib3: ">=1.21.1,<3" + url: https://conda.anaconda.org/conda-forge/noarch/requests-2.31.0-pyhd8ed1ab_0.conda hash: - md5: 46f6be657443caffcc7201d51c07aadf - sha256: dca35462761fe9a06f348a0e6216a7a5934e3e29c33bc8e173fb344116568a95 + md5: a30144e4156cdbb236f99ebb49828f8b + sha256: 9f629d6fd3c8ac5f2a198639fe7af87c4db2ac9235279164bfe0fcb49d8c4bad category: main optional: false - - name: psutil - version: 5.9.5 + - name: requests + version: 2.31.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/psutil-5.9.5-py311heffc1b2_1.conda + python: ">=3.7" + idna: ">=2.5,<4" + certifi: ">=2017.4.17" + charset-normalizer: ">=2,<4" + urllib3: ">=1.21.1,<3" + url: https://conda.anaconda.org/conda-forge/noarch/requests-2.31.0-pyhd8ed1ab_0.conda hash: - md5: a40123b40642b8b08b3830a3f6bc7fd9 - sha256: a12a525d3bcaed04e0885b2bd00f4f626c80c19d7c0ae8bb7cf7121aefb39e52 + md5: a30144e4156cdbb236f99ebb49828f8b + sha256: 9f629d6fd3c8ac5f2a198639fe7af87c4db2ac9235279164bfe0fcb49d8c4bad category: main optional: false - - name: ptyprocess - version: 0.7.0 + - name: requests-oauthlib + version: 1.3.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/ptyprocess-0.7.0-pyhd3deb0d_0.tar.bz2 + oauthlib: ">=3.0.0" + python: ">=3.4" + requests: ">=2.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/requests-oauthlib-1.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 359eeb6536da0e687af562ed265ec263 - sha256: fb31e006a25eb2e18f3440eb8d17be44c8ccfae559499199f73584566d0a444a + md5: 61b279f051eef9c89d58f4d813e75e04 + sha256: 889e3c1b84467b64046776db95dc4c5ea4dad5afaa5ec18ad811bd95c63286b0 category: main optional: false - - name: pure_eval - version: 0.2.2 + - name: requests-oauthlib + version: 1.3.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/pure_eval-0.2.2-pyhd8ed1ab_0.tar.bz2 + python: ">=3.4" + requests: ">=2.0.0" + oauthlib: ">=3.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/requests-oauthlib-1.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6784285c7e55cb7212efabc79e4c2883 - sha256: 72792f9fc2b1820e37cc57f84a27bc819c71088c3002ca6db05a2e56404f9d44 + md5: 61b279f051eef9c89d58f4d813e75e04 + sha256: 889e3c1b84467b64046776db95dc4c5ea4dad5afaa5ec18ad811bd95c63286b0 category: main optional: false - - name: pyasn1 - version: 0.5.0 + - name: requests-oauthlib + version: 1.3.1 manager: conda platform: osx-arm64 dependencies: - python: "!=3.0,!=3.1,!=3.2,!=3.3,!=3.4,!=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-0.5.0-pyhd8ed1ab_0.conda + python: ">=3.4" + requests: ">=2.0.0" + oauthlib: ">=3.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/requests-oauthlib-1.3.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 4b1c0db24e212190be1969b0aa490ad8 - sha256: 259b1107ae7d6983a8fdebe1717b67005fdf5328e827f33d38a9df43dee5ef82 + md5: 61b279f051eef9c89d58f4d813e75e04 + sha256: 889e3c1b84467b64046776db95dc4c5ea4dad5afaa5ec18ad811bd95c63286b0 category: main optional: false - - name: pycparser - version: "2.21" + - name: requests-toolbelt + version: 0.10.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: 2.7.*|>=3.4 - url: https://conda.anaconda.org/conda-forge/noarch/pycparser-2.21-pyhd8ed1ab_0.tar.bz2 + python: ">=3.6" + requests: ">=2.0.1,<=3.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/requests-toolbelt-0.10.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 076becd9e05608f8dc72757d5f3a91ff - sha256: 74c63fd03f1f1ea2b54e8bc529fd1a600aaafb24027b738d0db87909ee3a33dc - category: main - optional: false - - name: pygments - version: 2.16.1 + md5: a4cd20af9711434f89d1ec0d2b3ae6ba + sha256: 7f4c9c829add7a65a1f536c30539c541bb3c9dddbd03d7ba318f224b4add0d6d + category: dev + optional: true + - name: requests-toolbelt + version: 0.10.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pygments-2.16.1-pyhd8ed1ab_0.conda + python: ">=3.6" + requests: ">=2.0.1,<=3.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/requests-toolbelt-0.10.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 40e5cb18165466773619e5c963f00a7b - sha256: 3f0f0fadc6084960ec8cc00a32a03529c562ffea3b527eb73b1653183daad389 - category: main - optional: false - - name: pyjwt - version: 2.8.0 + md5: a4cd20af9711434f89d1ec0d2b3ae6ba + sha256: 7f4c9c829add7a65a1f536c30539c541bb3c9dddbd03d7ba318f224b4add0d6d + category: dev + optional: true + - name: requests-toolbelt + version: 0.10.1 manager: conda platform: osx-arm64 dependencies: python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyjwt-2.8.0-pyhd8ed1ab_0.conda + requests: ">=2.0.1,<=3.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/requests-toolbelt-0.10.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 912c0194f898fdb783021fd25f913c31 - sha256: 88ac94c42ade15113397e30d1831dd341399b5262fb5330b9240f915c33cd232 + md5: a4cd20af9711434f89d1ec0d2b3ae6ba + sha256: 7f4c9c829add7a65a1f536c30539c541bb3c9dddbd03d7ba318f224b4add0d6d + category: dev + optional: true + - name: responses + version: 0.24.1 + manager: conda + platform: linux-64 + dependencies: + python: ">=3.7" + pyyaml: "" + requests: ">=2.30.0,<3.0" + types-pyyaml: "" + typing_extensions: "" + urllib3: ">=1.25.10,<3.0" + url: https://conda.anaconda.org/conda-forge/noarch/responses-0.24.1-pyhd8ed1ab_0.conda + hash: + md5: b1b80aaa77d5e83183cd0c9e9025b1fa + sha256: 35a1cc20beca329bfa2b17feeb5ca66a2741bdccf39621dfe386f48206e73d67 category: main optional: false - - name: pylev - version: 1.4.0 + - name: responses + version: 0.24.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/pylev-1.4.0-pyhd8ed1ab_0.tar.bz2 + pyyaml: "" + typing_extensions: "" + types-pyyaml: "" + python: ">=3.7" + requests: ">=2.30.0,<3.0" + urllib3: ">=1.25.10,<3.0" + url: https://conda.anaconda.org/conda-forge/noarch/responses-0.24.1-pyhd8ed1ab_0.conda hash: - md5: edf8651c4379d9d1495ad6229622d150 - sha256: 50bd91767686bfe769e50a5a1b883e238d944a6163fea43e7c0beaac54ca674f + md5: b1b80aaa77d5e83183cd0c9e9025b1fa + sha256: 35a1cc20beca329bfa2b17feeb5ca66a2741bdccf39621dfe386f48206e73d67 category: main optional: false - - name: pyparsing - version: 3.1.1 + - name: responses + version: 0.24.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyparsing-3.1.1-pyhd8ed1ab_0.conda + pyyaml: "" + typing_extensions: "" + types-pyyaml: "" + python: ">=3.7" + requests: ">=2.30.0,<3.0" + urllib3: ">=1.25.10,<3.0" + url: https://conda.anaconda.org/conda-forge/noarch/responses-0.24.1-pyhd8ed1ab_0.conda hash: - md5: 176f7d56f0cfe9008bdf1bccd7de02fb - sha256: 4a1332d634b6c2501a973655d68f08c9c42c0bd509c349239127b10572b8354b + md5: b1b80aaa77d5e83183cd0c9e9025b1fa + sha256: 35a1cc20beca329bfa2b17feeb5ca66a2741bdccf39621dfe386f48206e73d67 category: main optional: false - - name: pysocks - version: 1.7.1 + - name: restructuredtext_lint + version: 1.4.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __unix: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/pysocks-1.7.1-pyha2e5f31_6.tar.bz2 + docutils: ">=0.11,<1.0" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/restructuredtext_lint-1.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2a7de29fb590ca14b5243c4c812c8025 - sha256: a42f826e958a8d22e65b3394f437af7332610e43ee313393d1cf143f0a2d274b + md5: 1f3c21740038aba9c174df58986bdccb + sha256: 636ceefea3675cdd96e49e9bc344190dd72d722642c47597f7bfd30e7ceb2a33 category: main optional: false - - name: python-dotenv - version: 1.0.0 + - name: restructuredtext_lint + version: 1.4.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/python-dotenv-1.0.0-pyhd8ed1ab_1.conda + python: ">=3.6" + docutils: ">=0.11,<1.0" + url: https://conda.anaconda.org/conda-forge/noarch/restructuredtext_lint-1.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 111e7f9edd31865e2659fa9aad8ec8fd - sha256: bc5663f224ff6d8a399ec6bd8517e0c0f87a69ead438f82e5ce5c30f00077586 + md5: 1f3c21740038aba9c174df58986bdccb + sha256: 636ceefea3675cdd96e49e9bc344190dd72d722642c47597f7bfd30e7ceb2a33 category: main optional: false - - name: python-fastjsonschema - version: 2.19.0 + - name: restructuredtext_lint + version: 1.4.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.3" - url: https://conda.anaconda.org/conda-forge/noarch/python-fastjsonschema-2.19.0-pyhd8ed1ab_0.conda + python: ">=3.6" + docutils: ">=0.11,<1.0" + url: https://conda.anaconda.org/conda-forge/noarch/restructuredtext_lint-1.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: e4dbdb3585c0266b4710467fe7b75cf4 - sha256: fdfe3f387c5ebde803605e1e90871c424519d2bfe2eb3bf9caad1c5a07f4c462 + md5: 1f3c21740038aba9c174df58986bdccb + sha256: 636ceefea3675cdd96e49e9bc344190dd72d722642c47597f7bfd30e7ceb2a33 category: main optional: false - - name: python-json-logger - version: 2.0.7 + - name: rfc3339-validator + version: 0.1.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-json-logger-2.0.7-pyhd8ed1ab_0.conda + python: ">=3.5" + six: "" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3339-validator-0.1.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: a61bf9ec79426938ff785eb69dbb1960 - sha256: 4790787fe1f4e8da616edca4acf6a4f8ed4e7c6967aa31b920208fc8f95efcca + md5: fed45fc5ea0813240707998abe49f520 + sha256: 7c7052b51de0b5c558f890bb11f8b5edbb9934a653d76be086b1182b9f54185d category: main optional: false - - name: python-multipart - version: 0.0.6 + - name: rfc3339-validator + version: 0.1.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/python-multipart-0.0.6-pyhd8ed1ab_0.conda + six: "" + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3339-validator-0.1.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: f4f642eeda814c1b65f46fbdf7e89096 - sha256: 2a9b8d02a6ec9862433cfc2741c4cbfe321e4ae3bab066f7ed84bc00effb73d7 + md5: fed45fc5ea0813240707998abe49f520 + sha256: 7c7052b51de0b5c558f890bb11f8b5edbb9934a653d76be086b1182b9f54185d category: main optional: false - - name: python-tzdata - version: "2023.3" + - name: rfc3339-validator + version: 0.1.4 manager: conda platform: osx-arm64 - dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-tzdata-2023.3-pyhd8ed1ab_0.conda + dependencies: + six: "" + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3339-validator-0.1.4-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2590495f608a63625e165915fb4e2e34 - sha256: 0108888507014fb24573c31e4deceb61c99e63d37776dddcadd7c89b2ecae0b6 + md5: fed45fc5ea0813240707998abe49f520 + sha256: 7c7052b51de0b5c558f890bb11f8b5edbb9934a653d76be086b1182b9f54185d category: main optional: false - - name: pytz - version: 2023.3.post1 + - name: rfc3986 + version: 2.0.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pytz-2023.3.post1-pyhd8ed1ab_0.conda + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-2.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: c93346b446cd08c169d843ae5fc0da97 - sha256: 6b680e63d69aaf087cd43ca765a23838723ef59b0a328799e6363eb13f52c49e + md5: d337886e38f965bf97aaec382ff6db00 + sha256: dd6bfb7c4248ba7612f2e6e4a066d6804ba96dfcaeddf43475a2c846ccfcc396 category: main optional: false - - name: pytzdata - version: "2020.1" + - name: rfc3986 + version: 2.0.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/pytzdata-2020.1-pyh9f0ad1d_0.tar.bz2 + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-2.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7dd824593f3a861130ac17c6571546e2 - sha256: e7e628c1247b096e3af147b1c32d5ac328266fa95656e27b79f71bb410251356 + md5: d337886e38f965bf97aaec382ff6db00 + sha256: dd6bfb7c4248ba7612f2e6e4a066d6804ba96dfcaeddf43475a2c846ccfcc396 category: main optional: false - - name: pywin32-on-windows - version: 0.1.0 + - name: rfc3986 + version: 2.0.0 manager: conda platform: osx-arm64 dependencies: - __unix: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pywin32-on-windows-0.1.0-pyh1179c8e_3.tar.bz2 + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-2.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2807a0becd1d986fe1ef9b7f8135f215 - sha256: 6502696aaef571913b22a808b15c185bd8ea4aabb952685deb29e6a6765761cb + md5: d337886e38f965bf97aaec382ff6db00 + sha256: dd6bfb7c4248ba7612f2e6e4a066d6804ba96dfcaeddf43475a2c846ccfcc396 category: main optional: false - - name: pyxlsb - version: 1.0.10 + - name: rfc3986-validator + version: 0.1.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pyxlsb-1.0.10-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-validator-0.1.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 0c14e44bc93a99cdc11398311c3c0dcf - sha256: 7e6e7064ad976ba6d38e7cf5a893c93a47025d4074b888e8db31386a914935fb + md5: 912a71cc01012ee38e6b90ddd561e36f + sha256: 2a5b495a1de0f60f24d8a74578ebc23b24aa53279b1ad583755f223097c41c37 category: main optional: false - - name: pyyaml - version: 6.0.1 + - name: rfc3986-validator + version: 0.1.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - yaml: ">=0.2.5,<0.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pyyaml-6.0.1-py311heffc1b2_1.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-validator-0.1.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: d310bfbb8230b9175c0cbc10189ad804 - sha256: b155f5c27f0e2951256774628c4b91fdeee3267018eef29897a74e3d1316c8b0 + md5: 912a71cc01012ee38e6b90ddd561e36f + sha256: 2a5b495a1de0f60f24d8a74578ebc23b24aa53279b1ad583755f223097c41c37 category: main optional: false - - name: pyzmq - version: 25.1.1 + - name: rfc3986-validator + version: 0.1.1 manager: conda platform: osx-arm64 dependencies: - libsodium: ">=1.0.18,<1.0.19.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - zeromq: ">=4.3.5,<4.4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pyzmq-25.1.1-py311he9c0408_2.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-validator-0.1.1-pyh9f0ad1d_0.tar.bz2 hash: - md5: 51b7458a36011c4982261478fcc62026 - sha256: 03b78fe912c02547b284bc3404194bb4c1d9a2680e4b46f45c131a0d13d10b48 + md5: 912a71cc01012ee38e6b90ddd561e36f + sha256: 2a5b495a1de0f60f24d8a74578ebc23b24aa53279b1ad583755f223097c41c37 category: main optional: false - - name: regex - version: 2023.10.3 + - name: rich + version: 13.7.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/regex-2023.10.3-py311heffc1b2_0.conda + markdown-it-py: ">=2.2.0" + pygments: ">=2.13.0,<3.0.0" + python: ">=3.7.0" + typing_extensions: ">=4.0.0,<5.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/rich-13.7.0-pyhd8ed1ab_0.conda hash: - md5: 18ea2eabd7cdd354b52f6bd47ff6fbb8 - sha256: 624a9025e914890a8156f09608def26970197cd60767c89e6844bbf62b5690f8 + md5: d7a11d4f3024b2f4a6e0ae7377dd61e9 + sha256: 4bb25bf1f5664772b2c4c2e3878aa6e7dc2695f97e3da4ee8e47c51e179913bb category: main optional: false - - name: rfc3986 - version: 2.0.0 + - name: rich + version: 13.7.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-2.0.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7.0" + typing_extensions: ">=4.0.0,<5.0.0" + pygments: ">=2.13.0,<3.0.0" + markdown-it-py: ">=2.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/rich-13.7.0-pyhd8ed1ab_0.conda hash: - md5: d337886e38f965bf97aaec382ff6db00 - sha256: dd6bfb7c4248ba7612f2e6e4a066d6804ba96dfcaeddf43475a2c846ccfcc396 + md5: d7a11d4f3024b2f4a6e0ae7377dd61e9 + sha256: 4bb25bf1f5664772b2c4c2e3878aa6e7dc2695f97e3da4ee8e47c51e179913bb category: main optional: false - - name: rfc3986-validator - version: 0.1.1 + - name: rich + version: 13.7.0 manager: conda platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3986-validator-0.1.1-pyh9f0ad1d_0.tar.bz2 + python: ">=3.7.0" + typing_extensions: ">=4.0.0,<5.0.0" + pygments: ">=2.13.0,<3.0.0" + markdown-it-py: ">=2.2.0" + url: https://conda.anaconda.org/conda-forge/noarch/rich-13.7.0-pyhd8ed1ab_0.conda hash: - md5: 912a71cc01012ee38e6b90ddd561e36f - sha256: 2a5b495a1de0f60f24d8a74578ebc23b24aa53279b1ad583755f223097c41c37 + md5: d7a11d4f3024b2f4a6e0ae7377dd61e9 + sha256: 4bb25bf1f5664772b2c4c2e3878aa6e7dc2695f97e3da4ee8e47c51e179913bb category: main optional: false - name: rpds-py - version: 0.13.0 + version: 0.13.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/rpds-py-0.13.0-py311h94f323b_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/rpds-py-0.13.1-py311h46250e7_0.conda hash: - md5: 22cfbdbd0c58fb9688194a98c568808e - sha256: e09733d7c15109e2cbfc3694e612629a45848648419b1f8987150dde64d6dbc0 + md5: b1924481122f7cb41cb001f5c96bf3f6 + sha256: 014f0393f43a67b43747b070a0619f84841d4c961597c30936d264abf899c39c category: main optional: false - - name: rtree - version: 1.1.0 + - name: rpds-py + version: 0.13.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libspatialindex: ">=1.9.3,<1.9.4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/rtree-1.1.0-py311hd698ff7_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/rpds-py-0.13.1-py311h5e0f0e4_0.conda hash: - md5: 957242aceae3dcf8049feabf99c18814 - sha256: 3bfa6f07272e4a1311433097e3e2c071926f476b9c8bd38e9520053479fe3b14 + md5: 96774911faf26609ab33aaa4246c1a06 + sha256: c591e79f21b60f5f37af31dd563f4515678f85b222b927138f94e8316cddf9e9 category: main optional: false - - name: ruamel.yaml.clib - version: 0.2.7 + - name: rpds-py + version: 0.13.1 manager: conda platform: osx-arm64 dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/ruamel.yaml.clib-0.2.7-py311heffc1b2_2.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/rpds-py-0.13.1-py311h94f323b_0.conda hash: - md5: c167b931a12c70f9c1fbf927da7ff0be - sha256: 0c2d1a27afa009d3630b5944ac5fd10df95b92ab5c91c7390ddfc93ee5488349 + md5: c392d76b681cfa1ea2155233af59f947 + sha256: dd7ea62b2860ec1da543e017ad9163623befde9b16df0098b8a631c9188ad203 category: main optional: false - - name: ruff - version: 0.1.6 + - name: rsa + version: "4.9" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/ruff-0.1.6-py311h6fc163c_0.conda + pyasn1: ">=0.1.3" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/rsa-4.9-pyhd8ed1ab_0.tar.bz2 hash: - md5: c9ff47502a21c1d072e8da209d9efba3 - sha256: 8bde8b2d66f34a242ea6759df3c21f3321d17a8cdb4d421ae489f97f42452920 + md5: 03bf410858b2cefc267316408a77c436 + sha256: 23214cdc15a41d14136754857fd9cd46ca3c55a7e751da3b3a48c673f0ee2a57 category: main optional: false - - name: setuptools - version: 68.2.2 + - name: rsa + version: "4.9" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/setuptools-68.2.2-pyhd8ed1ab_0.conda + python: ">=3.6" + pyasn1: ">=0.1.3" + url: https://conda.anaconda.org/conda-forge/noarch/rsa-4.9-pyhd8ed1ab_0.tar.bz2 hash: - md5: fc2166155db840c634a1291a5c35a709 - sha256: 851901b1f8f2049edb36a675f0c3f9a98e1495ef4eb214761b048c6f696a06f7 + md5: 03bf410858b2cefc267316408a77c436 + sha256: 23214cdc15a41d14136754857fd9cd46ca3c55a7e751da3b3a48c673f0ee2a57 category: main optional: false - - name: shellingham - version: 1.5.4 + - name: rsa + version: "4.9" manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/shellingham-1.5.4-pyhd8ed1ab_0.conda + python: ">=3.6" + pyasn1: ">=0.1.3" + url: https://conda.anaconda.org/conda-forge/noarch/rsa-4.9-pyhd8ed1ab_0.tar.bz2 hash: - md5: d08db09a552699ee9e7eec56b4eb3899 - sha256: 3c49a0a101c41b7cf6ac05a1872d7a1f91f1b6d02eecb4a36b605a19517862bb + md5: 03bf410858b2cefc267316408a77c436 + sha256: 23214cdc15a41d14136754857fd9cd46ca3c55a7e751da3b3a48c673f0ee2a57 category: main optional: false - - name: simpleeval - version: 0.9.13 + - name: rtree + version: 1.1.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=2.5,!=3.0.*,!=3.1.*,!=3.2.*" - url: https://conda.anaconda.org/conda-forge/noarch/simpleeval-0.9.13-pyhd8ed1ab_1.conda + libspatialindex: ">=1.9.3,<1.9.4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/rtree-1.1.0-py311h3bb2b0f_0.conda hash: - md5: b3282d9b9e4a7c42d6c570492316dcaa - sha256: 5c9c537011327fc281c3c108020f1ad2a40284df0e1625a87825c0699d98f67f + md5: 341bbb97186f23835d2d0456d96c5aba + sha256: 555d5b653283380ed397f4bbfa47ab7c62c2173ca06f9dadc5eb0b1bd99c95a7 category: main optional: false - - name: six - version: 1.16.0 + - name: rtree + version: 1.1.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/six-1.16.0-pyh6c4a22f_0.tar.bz2 + libspatialindex: ">=1.9.3,<1.9.4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/rtree-1.1.0-py311hbc1f44b_0.conda hash: - md5: e5f25f8dbc060e9a8d912e432202afc2 - sha256: a85c38227b446f42c5b90d9b642f2c0567880c15d72492d8da074a59c8f91dd6 + md5: 4cf922188989b372f053537cea29a5ec + sha256: 7421188ce73f9c1cfe4ba8d476570f04994c42e7a33a4ffa52dcd325f58d577c category: main optional: false - - name: smmap - version: 5.0.0 + - name: rtree + version: 1.1.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/smmap-5.0.0-pyhd8ed1ab_0.tar.bz2 - hash: - md5: 62f26a3d1387acee31322208f0cfa3e0 - sha256: 23011cb3e064525bdb8787c75126a2e78d2344a72cd6773922006d1da1f2af16 + libspatialindex: ">=1.9.3,<1.9.4.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/rtree-1.1.0-py311hd698ff7_0.conda + hash: + md5: 957242aceae3dcf8049feabf99c18814 + sha256: 3bfa6f07272e4a1311433097e3e2c071926f476b9c8bd38e9520053479fe3b14 category: main optional: false - - name: sniffio - version: 1.3.0 + - name: ruamel.yaml + version: 0.18.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/sniffio-1.3.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + ruamel.yaml.clib: ">=0.1.2" + setuptools: "" + url: https://conda.anaconda.org/conda-forge/linux-64/ruamel.yaml-0.18.5-py311h459d7ec_0.conda hash: - md5: dd6cbc539e74cb1f430efbd4575b9303 - sha256: a3fd30754c20ddb28b777db38345ea00d958f46701f0decd6291a81c0f4eee78 + md5: 1101ec27377f8e45d8431a5f21d744f1 + sha256: c92e7bbb1d02286bcd3d3292208006f796ae45df82af3deec940339493415c04 category: main optional: false - - name: snowballstemmer - version: 2.2.0 + - name: ruamel.yaml + version: 0.18.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=2" - url: https://conda.anaconda.org/conda-forge/noarch/snowballstemmer-2.2.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + ruamel.yaml.clib: ">=0.1.2" + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-64/ruamel.yaml-0.18.5-py311he705e18_0.conda hash: - md5: 4d22a9315e78c6827f806065957d566e - sha256: a0fd916633252d99efb6223b1050202841fa8d2d53dacca564b0ed77249d3228 + md5: b8e2686abf5f980d52579b28441953f9 + sha256: afdaab0d0f5a288b31450c3da260381da5916c61f122a0b3f5dea76d1ca863bb category: main optional: false - - name: sortedcontainers - version: 2.4.0 + - name: ruamel.yaml + version: 0.18.5 manager: conda platform: osx-arm64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/sortedcontainers-2.4.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + ruamel.yaml.clib: ">=0.1.2" + setuptools: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/ruamel.yaml-0.18.5-py311h05b510d_0.conda hash: - md5: 6d6552722448103793743dabfbda532d - sha256: 0cea408397d50c2afb2d25e987ebac4546ae11e549d65b1403d80dc368dfaaa6 + md5: c51813780ac52059c1e472546022e7a5 + sha256: 33c770e213c233e80b48256d17ce0e7bfe504576f2778307826cf1fd1db058d6 category: main optional: false - - name: soupsieve - version: "2.5" + - name: ruamel.yaml.clib + version: 0.2.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/soupsieve-2.5-pyhd8ed1ab_1.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/ruamel.yaml.clib-0.2.7-py311h459d7ec_2.conda hash: - md5: 3f144b2c34f8cb5a9abd9ed23a39c561 - sha256: 54ae221033db8fbcd4998ccb07f3c3828b4d77e73b0c72b18c1d6a507059059c + md5: 56bc3fe5180c0b23e05c7a5708153ac7 + sha256: cfd060725d39f136618547ecb8a593d82d460725fb447849815c26418c360c35 category: main optional: false - - name: sphinxcontrib-jsmath - version: 1.0.1 + - name: ruamel.yaml.clib + version: 0.2.7 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-jsmath-1.0.1-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/ruamel.yaml.clib-0.2.7-py311h2725bcf_2.conda hash: - md5: da1d979339e2714c30a8e806a33ec087 - sha256: d4337d83b8edba688547766fc80f1ac86d6ec86ceeeda93f376acc04079c5ce2 + md5: cd953388469a8890dda83779d6ef6ffd + sha256: b529c2caf941ac1050d160f0b9c53202d634954dd7cc7f1469731e1bb6f2cccc category: main optional: false - - name: stringcase - version: 1.2.0 + - name: ruamel.yaml.clib + version: 0.2.7 manager: conda platform: osx-arm64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/stringcase-1.2.0-py_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/ruamel.yaml.clib-0.2.7-py311heffc1b2_2.conda hash: - md5: 26a9caf3173939377bac7152379daac0 - sha256: ebd515c57537799ee7829055fe9aa93d1c4695334b991fe1de9d7947f53f18f2 + md5: c167b931a12c70f9c1fbf927da7ff0be + sha256: 0c2d1a27afa009d3630b5944ac5fd10df95b92ab5c91c7390ddfc93ee5488349 category: main optional: false - - name: tabulate - version: 0.9.0 + - name: ruff + version: 0.1.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tabulate-0.9.0-pyhd8ed1ab_1.tar.bz2 + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/ruff-0.1.6-py311h7145743_0.conda hash: - md5: 4759805cce2d914c38472f70bf4d8bcb - sha256: f6e4a0dd24ba060a4af69ca79d32361a6678e61d78c73eb5e357909b025b4620 + md5: aff8387edd5157da054c4b46cc38ffdc + sha256: dd8f7a3e2e7bc65fb6c2c32aae79ebc8623c6b87cbdbc8d2651be9ccd63e29d0 category: main optional: false - - name: text-unidecode - version: "1.3" + - name: ruff + version: 0.1.6 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.4" - url: https://conda.anaconda.org/conda-forge/noarch/text-unidecode-1.3-pyhd8ed1ab_1.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/ruff-0.1.6-py311hec6fdf1_0.conda hash: - md5: ba8aba332d8868897ce44ad74015a7fe - sha256: db64669a918dec8c744f80a85b9c82216b79298256c7c8bd19bdba54a02f8914 + md5: f0fa30260ad0ac05ef120b758c68d7ba + sha256: 2587bd6a04c6a1178b63438de97c091bcfca15f9bb5ea0d6a1f109a66187e33e category: main optional: false - - name: threadpoolctl - version: 3.2.0 + - name: ruff + version: 0.1.6 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/threadpoolctl-3.2.0-pyha21a80b_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/ruff-0.1.6-py311h6fc163c_0.conda hash: - md5: 978d03388b62173b8e6f79162cf52b86 - sha256: 15e2f916fbfe3cc480160aa99eb6ba3edc183fceb234f10151d63870fdc4eccd + md5: c9ff47502a21c1d072e8da209d9efba3 + sha256: 8bde8b2d66f34a242ea6759df3c21f3321d17a8cdb4d421ae489f97f42452920 category: main optional: false - - name: toml - version: 0.10.2 + - name: s2n + version: 1.3.56 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/toml-0.10.2-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + openssl: ">=3.1.4,<4.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/s2n-1.3.56-h06160fa_0.conda hash: - md5: f832c45a477c78bebd107098db465095 - sha256: f0f3d697349d6580e4c2f35ba9ce05c65dc34f9f049e85e45da03800b46139c1 + md5: 04b4845b9e9b5a0ee6eba013ecdbbddb + sha256: 4c00411d49fefc6a53167c3120e386b3f35510544a44d2e647615b510a622f29 category: main optional: false - - name: tomli - version: 2.0.1 + - name: s3transfer + version: 0.7.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + botocore: ">=1.12.36,<2.0a.0" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tomli-2.0.1-pyhd8ed1ab_0.tar.bz2 + url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_0.conda hash: - md5: 5844808ffab9ebdb694585b50ba02a96 - sha256: 4cd48aba7cd026d17e86886af48d0d2ebc67ed36f87f6534f4b67138f5a5a58f + md5: 5fe335cb1420d13a818fe01310af2b80 + sha256: 5ed09d013ad7f2c2f65d1637c04ee19da242ef9bed0d86aa9faae2c48aaa255d category: main optional: false - - name: tomlkit - version: 0.12.3 + - name: s3transfer + version: 0.7.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tomlkit-0.12.3-pyha770c72_0.conda + botocore: ">=1.12.36,<2.0a.0" + url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_0.conda hash: - md5: 074d0ce7a6261ab8b497c3518796ef3e - sha256: 53cc436ab92d38683df1320e4468a8b978428e800195bf1c8c2460e90b0bc117 + md5: 5fe335cb1420d13a818fe01310af2b80 + sha256: 5ed09d013ad7f2c2f65d1637c04ee19da242ef9bed0d86aa9faae2c48aaa255d category: main optional: false - - name: toolz - version: 0.12.0 + - name: s3transfer + version: 0.7.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/toolz-0.12.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + botocore: ">=1.12.36,<2.0a.0" + url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_0.conda hash: - md5: 92facfec94bc02d6ccf42e7173831a36 - sha256: 90229da7665175b0185183ab7b53f50af487c7f9b0f47cf09c184cbc139fd24b + md5: 5fe335cb1420d13a818fe01310af2b80 + sha256: 5ed09d013ad7f2c2f65d1637c04ee19da242ef9bed0d86aa9faae2c48aaa255d category: main optional: false - - name: toposort - version: "1.10" + - name: scikit-learn + version: 1.3.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/toposort-1.10-pyhd8ed1ab_0.conda + _openmp_mutex: ">=4.5" + joblib: ">=1.1.1" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + scipy: "" + threadpoolctl: ">=2.0.0" + url: https://conda.anaconda.org/conda-forge/linux-64/scikit-learn-1.3.2-py311hc009520_1.conda hash: - md5: aeef653e20028f19a3c2cc70e166b509 - sha256: 23589eeb84f55c9f245ffca1201a0dc9b16e838d39fe7857d4bd0e3026e5b75a + md5: 6b92d3d0680eae9d1d9860a721f7fb51 + sha256: 638253cba17e44081674b2dd7bee2025c202e91b653182da511ca57de942689d category: main optional: false - - name: tornado - version: 6.3.3 + - name: scikit-learn + version: 1.3.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: + __osx: ">=10.9" + joblib: ">=1.1.1" + libcxx: ">=16.0.6" + llvm-openmp: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/tornado-6.3.3-py311heffc1b2_1.conda + scipy: "" + threadpoolctl: ">=2.0.0" + url: https://conda.anaconda.org/conda-forge/osx-64/scikit-learn-1.3.2-py311h66081b9_1.conda hash: - md5: a3a94203d225faec0d6bd000ea30b0a1 - sha256: 65e96fcaa2fad8013fdfd1c7cbdc4684b253541c10091fa7acd55b4a3daa87e6 + md5: a7053f3e86b6b9139593a027c54e3097 + sha256: 0b4aee092d4689d07aa95ed1d1071eeb74a5e011d34bc9ebd9b27e9b2166db7e category: main optional: false - - name: traitlets - version: 5.13.0 + - name: scikit-learn + version: 1.3.2 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda + __osx: ">=10.9" + joblib: ">=1.1.1" + libcxx: ">=16.0.6" + llvm-openmp: ">=16.0.6" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + scipy: "" + threadpoolctl: ">=2.0.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/scikit-learn-1.3.2-py311ha25ca4d_1.conda hash: - md5: 8a9953c15e1e5a7c1baddbbf4511a567 - sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 + md5: dea73952c589de24ec577c41fac181c5 + sha256: 589bca23648b8969b16a36f87d7114a12fbe88d665cde32427c7126e5b34e63c category: main optional: false - - name: types-python-dateutil - version: 2.8.19.14 + - name: scipy + version: 1.11.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/types-python-dateutil-2.8.19.14-pyhd8ed1ab_0.conda + libblas: ">=3.9.0,<4.0a0" + libcblas: ">=3.9.0,<4.0a0" + libgcc-ng: ">=12" + libgfortran-ng: "" + libgfortran5: ">=12.3.0" + liblapack: ">=3.9.0,<4.0a0" + libstdcxx-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/scipy-1.11.3-py311h64a7726_1.conda hash: - md5: 4df15c51a543e806d439490b862be1c6 - sha256: 7b0129c72d371fa7a06ed5dd1d701844c20d03bb4641a38a88a982b347d087e2 + md5: e4b4d3b764e2d029477d0db88248a8b5 + sha256: 13ea70afe49a3c92fb9b82a6efcfa23a05ca8f24ec2dff22597d651e0e2b4767 category: main optional: false - - name: types-pyyaml - version: 6.0.12.12 + - name: scipy + version: 1.11.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/types-pyyaml-6.0.12.12-pyhd8ed1ab_0.conda + libblas: ">=3.9.0,<4.0a0" + libcblas: ">=3.9.0,<4.0a0" + libcxx: ">=15.0.7" + libgfortran: 5.* + libgfortran5: ">=13.2.0" + liblapack: ">=3.9.0,<4.0a0" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/scipy-1.11.3-py311h16c3c4d_1.conda hash: - md5: 0cb14c80f66937df894d60626dd1921f - sha256: 91873f91a58337d0573584bcdc540ff5545bc460eda0fdd8bd2f471c808c0e4c + md5: 77164acef9bc09545bd3324a8f986be5 + sha256: 78270d60ea00482b4f64a4b2d5d4e432f48125f6b76780e2094c8363ad48b611 category: main optional: false - - name: typing_extensions - version: 4.8.0 + - name: scipy + version: 1.11.3 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/typing_extensions-4.8.0-pyha770c72_0.conda + libblas: ">=3.9.0,<4.0a0" + libcblas: ">=3.9.0,<4.0a0" + libcxx: ">=15.0.7" + libgfortran: 5.* + libgfortran5: ">=13.2.0" + liblapack: ">=3.9.0,<4.0a0" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/scipy-1.11.3-py311h93d07a4_1.conda hash: - md5: 5b1be40a26d10a06f6d4f1f9e19fa0c7 - sha256: 38d16b5c53ec1af845d37d22e7bb0e6c934c7f19499123507c5a470f6f8b7dde + md5: 1c687552b288a801a7851166f2494768 + sha256: 6347f47c02eef02afe1e5534c88269f73b2da28cdff8c826b210e529b8bd1f07 category: main optional: false - - name: typing_utils - version: 0.1.0 + - name: secretstorage + version: 3.3.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6.1" - url: https://conda.anaconda.org/conda-forge/noarch/typing_utils-0.1.0-pyhd8ed1ab_0.tar.bz2 + cryptography: "" + dbus: "" + jeepney: ">=0.6" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/secretstorage-3.3.3-py311h38be061_2.conda hash: - md5: eb67e3cace64c66233e2d35949e20f92 - sha256: 9e3758b620397f56fb709f796969de436d63b7117897159619b87938e1f78739 + md5: 30a57eaa8e72cb0c2c84d6d7db32010c + sha256: 45e7d85a3663993e8bffdb7c6040561923c848e3262228b163042663caa4485e category: main optional: false - - name: unicodecsv - version: 0.14.1 + - name: send2trash + version: 1.8.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: "" - url: https://conda.anaconda.org/conda-forge/noarch/unicodecsv-0.14.1-py_1.tar.bz2 + __linux: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/send2trash-1.8.2-pyh41d4057_0.conda hash: - md5: 3b2b0e9d7f73db2b5e45db113badb7f7 - sha256: 4bbf3579d57036725562ccc11c57bc487f1eb5c14c138a6881d10f34c2f04237 + md5: ada5a17adcd10be4fc7e37e4166ba0e2 + sha256: e74d3faf51a6cc429898da0209d95b209270160f3edbf2f6d8b61a99428301cd category: main optional: false - - name: uri-template - version: 1.3.0 + - name: send2trash + version: 1.8.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/uri-template-1.3.0-pyhd8ed1ab_0.conda + __osx: "" + pyobjc-framework-cocoa: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/send2trash-1.8.2-pyhd1c38e8_0.conda hash: - md5: 0944dc65cb4a9b5b68522c3bb585d41c - sha256: b76904b53721dc88a46352324c79d2b077c2f74a9f7208ad2c4249892669ae94 + md5: 2657c3de5371c571aef6678afb4aaadd + sha256: dca4022bae47618ed738ab7d45ead5202d174b741cfb98e4484acdc6e76da32a category: main optional: false - - name: uvloop - version: 0.19.0 - manager: conda - platform: osx-arm64 - dependencies: - libuv: ">=1.46.0,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/uvloop-0.19.0-py311h05b510d_0.conda - hash: - md5: 41568c5b89355b556470de5c41a97c92 - sha256: 631554f96f48818f4b055b2046e35c5072582740074c251fa7fa4f5d9eb527cb - category: dev - optional: true - - name: validators - version: 0.22.0 + - name: send2trash + version: 1.8.2 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/validators-0.22.0-pyhd8ed1ab_0.conda + __osx: "" + pyobjc-framework-cocoa: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/send2trash-1.8.2-pyhd1c38e8_0.conda hash: - md5: 56435633ef70e7b92c54151599cbf757 - sha256: f30699fd1a76cf3291e042167f8dc8dd28e00e08e49047a353304c7ad7bc279d + md5: 2657c3de5371c571aef6678afb4aaadd + sha256: dca4022bae47618ed738ab7d45ead5202d174b741cfb98e4484acdc6e76da32a category: main optional: false - - name: webcolors - version: "1.13" + - name: setuptools + version: 68.2.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/webcolors-1.13-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/setuptools-68.2.2-pyhd8ed1ab_0.conda hash: - md5: 166212fe82dad8735550030488a01d03 - sha256: 6e097d5fe92849ad3af2c2a313771ad2fbf1cadd4dc4afd552303b2bf3f85211 + md5: fc2166155db840c634a1291a5c35a709 + sha256: 851901b1f8f2049edb36a675f0c3f9a98e1495ef4eb214761b048c6f696a06f7 category: main optional: false - - name: webencodings - version: 0.5.1 + - name: setuptools + version: 68.2.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=2.6" - url: https://conda.anaconda.org/conda-forge/noarch/webencodings-0.5.1-pyhd8ed1ab_2.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/setuptools-68.2.2-pyhd8ed1ab_0.conda hash: - md5: daf5160ff9cde3a468556965329085b9 - sha256: 2adf9bd5482802837bc8814cbe28d7b2a4cbd2e2c52e381329eaa283b3ed1944 + md5: fc2166155db840c634a1291a5c35a709 + sha256: 851901b1f8f2049edb36a675f0c3f9a98e1495ef4eb214761b048c6f696a06f7 category: main optional: false - - name: websocket-client - version: 1.6.4 + - name: setuptools + version: 68.2.2 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/websocket-client-1.6.4-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/setuptools-68.2.2-pyhd8ed1ab_0.conda hash: - md5: bdb77b28cf16deac0eef431a068320e8 - sha256: df45b89862edcd7cd5180ec7b8c0c0ca9fb4d3f7d49ddafccdc76afcf50d8da6 + md5: fc2166155db840c634a1291a5c35a709 + sha256: 851901b1f8f2049edb36a675f0c3f9a98e1495ef4eb214761b048c6f696a06f7 category: main optional: false - - name: websockets - version: "10.4" + - name: shapely + version: 2.0.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + geos: ">=3.12.0,<3.12.1.0a0" + libgcc-ng: ">=12" + numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/websockets-10.4-py311he2be06e_1.tar.bz2 - hash: - md5: de89829ec8be2723375bfd581237dbef - sha256: 4700b95332fd99cfbad77d74c25572bff28be0df631e995ddbe4a413f6cf2c80 - category: dev - optional: true - - name: wheel - version: 0.41.3 - manager: conda - platform: osx-arm64 - dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/wheel-0.41.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/shapely-2.0.2-py311he06c224_0.conda hash: - md5: 3fc026b9c87d091c4b34a6c997324ae8 - sha256: 84c3b57fba778add2bd47b7cc70e86f746d2c55549ffd2ccb6f3d6bf7c94d21d + md5: c90e2469d7512f3bba893533a82d7a02 + sha256: 2a02e516c57a2122cf9acaec54b75a821ad5f959a7702b17cb8df2c3fe31ef20 category: main optional: false - - name: widgetsnbextension - version: 4.0.9 + - name: shapely + version: 2.0.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/widgetsnbextension-4.0.9-pyhd8ed1ab_0.conda + geos: ">=3.12.0,<3.12.1.0a0" + numpy: ">=1.23.5,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/shapely-2.0.2-py311h359915d_0.conda hash: - md5: 82617d07b2f5f5a96296d3c19684b37a - sha256: 35dd47b3c117cd759ac46da0b69064bebccd94862e795615ee65dbbe3e6cd86b + md5: 5569c5122a7938835a8a7c498aaded67 + sha256: 240cca365e75d5f5aa09ee62c95813288d3652f666a1ab227015195316b8f9fe category: main optional: false - - name: wrapt - version: 1.16.0 + - name: shapely + version: 2.0.2 manager: conda platform: osx-arm64 dependencies: + geos: ">=3.12.0,<3.12.1.0a0" + numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/wrapt-1.16.0-py311h05b510d_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/shapely-2.0.2-py311h4826c84_0.conda hash: - md5: 35f87feb986222d2ada633b45df0bbc9 - sha256: c071b132b8415ccd1452e0b8002aa79ea59a4fd0b0ac0d3b2fd0ab6b19b3390c + md5: a9de7ff7899a7067646aa7053eb5737c + sha256: 3d08d9553565704fef53d0c9cb901bb2f40337f0a590b3ea714d363a34ee2250 category: main optional: false - - name: xlrd - version: 2.0.1 + - name: shellingham + version: 1.5.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/xlrd-2.0.1-pyhd8ed1ab_3.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/shellingham-1.5.4-pyhd8ed1ab_0.conda hash: - md5: 97dfcd5ff030d829b55f67e82f928093 - sha256: a97030fc6cde1a335c035392db47efdb4add7d1db76a11b4bfac6ec7fc42bfe5 + md5: d08db09a552699ee9e7eec56b4eb3899 + sha256: 3c49a0a101c41b7cf6ac05a1872d7a1f91f1b6d02eecb4a36b605a19517862bb category: main optional: false - - name: xlsxwriter - version: 3.1.9 + - name: shellingham + version: 1.5.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/xlsxwriter-3.1.9-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/shellingham-1.5.4-pyhd8ed1ab_0.conda hash: - md5: 70e533db62a710ae216fdaccc4a983c8 - sha256: 96f04c1aa99d3a90319979079cfe0f17ecea2bf0d67ca07c12d210af355a5d1d + md5: d08db09a552699ee9e7eec56b4eb3899 + sha256: 3c49a0a101c41b7cf6ac05a1872d7a1f91f1b6d02eecb4a36b605a19517862bb category: main optional: false - - name: xyzservices - version: 2023.10.1 + - name: shellingham + version: 1.5.4 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/xyzservices-2023.10.1-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/shellingham-1.5.4-pyhd8ed1ab_0.conda hash: - md5: 1e0d85c0e2fef9539218da185b285f54 - sha256: da655e2e0a742fddefeeaf2dd828b62a1820a3755d13341e1a555a10fcb9cf81 + md5: d08db09a552699ee9e7eec56b4eb3899 + sha256: 3c49a0a101c41b7cf6ac05a1872d7a1f91f1b6d02eecb4a36b605a19517862bb category: main optional: false - - name: zipp - version: 3.17.0 + - name: simpleeval + version: 0.9.13 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/zipp-3.17.0-pyhd8ed1ab_0.conda + python: ">=2.5,!=3.0.*,!=3.1.*,!=3.2.*" + url: https://conda.anaconda.org/conda-forge/noarch/simpleeval-0.9.13-pyhd8ed1ab_1.conda hash: - md5: 2e4d6bc0b14e10f895fc6791a7d9b26a - sha256: bced1423fdbf77bca0a735187d05d9b9812d2163f60ab426fc10f11f92ecbe26 + md5: b3282d9b9e4a7c42d6c570492316dcaa + sha256: 5c9c537011327fc281c3c108020f1ad2a40284df0e1625a87825c0699d98f67f category: main optional: false - - name: aiosignal - version: 1.3.1 + - name: simpleeval + version: 0.9.13 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - frozenlist: ">=1.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/aiosignal-1.3.1-pyhd8ed1ab_0.tar.bz2 + python: ">=2.5,!=3.0.*,!=3.1.*,!=3.2.*" + url: https://conda.anaconda.org/conda-forge/noarch/simpleeval-0.9.13-pyhd8ed1ab_1.conda hash: - md5: d1e1eb7e21a9e2c74279d87dafb68156 - sha256: 575c742e14c86575986dc867463582a970463da50b77264cdf54df74f5563783 + md5: b3282d9b9e4a7c42d6c570492316dcaa + sha256: 5c9c537011327fc281c3c108020f1ad2a40284df0e1625a87825c0699d98f67f category: main optional: false - - name: anyio - version: 4.0.0 + - name: simpleeval + version: 0.9.13 manager: conda platform: osx-arm64 dependencies: - exceptiongroup: "" - python: ">=3.8" - sniffio: ">=1.1" - idna: ">=2.8" - url: https://conda.anaconda.org/conda-forge/noarch/anyio-4.0.0-pyhd8ed1ab_0.conda + python: ">=2.5,!=3.0.*,!=3.1.*,!=3.2.*" + url: https://conda.anaconda.org/conda-forge/noarch/simpleeval-0.9.13-pyhd8ed1ab_1.conda hash: - md5: 3c4e99d3ae4ec033d4dd99fb5220e540 - sha256: 64125775b2e724db5c72e431dd180495d5d509d0a2d1228a122e6af9f1b60e33 + md5: b3282d9b9e4a7c42d6c570492316dcaa + sha256: 5c9c537011327fc281c3c108020f1ad2a40284df0e1625a87825c0699d98f67f category: main optional: false - - name: asgi-csrf - version: "0.9" + - name: six + version: 1.16.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - itsdangerous: "" - python-multipart: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/asgi-csrf-0.9-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/six-1.16.0-pyh6c4a22f_0.tar.bz2 hash: - md5: eae21b40ce9beded0ce0e5c67180b1e7 - sha256: 9e8d86083dac575490045e570147ff44879aa8412dafa04cff3e539f77eb263f + md5: e5f25f8dbc060e9a8d912e432202afc2 + sha256: a85c38227b446f42c5b90d9b642f2c0567880c15d72492d8da074a59c8f91dd6 category: main optional: false - - name: asgiref - version: 3.7.2 + - name: six + version: 1.16.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - typing_extensions: ">=4" - url: https://conda.anaconda.org/conda-forge/noarch/asgiref-3.7.2-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/six-1.16.0-pyh6c4a22f_0.tar.bz2 hash: - md5: 596932155bf88bb6837141550cb721b0 - sha256: 63f85717fd38912a69be5a03d35a648c404cb86843cd4a1302c380c0e7744e30 + md5: e5f25f8dbc060e9a8d912e432202afc2 + sha256: a85c38227b446f42c5b90d9b642f2c0567880c15d72492d8da074a59c8f91dd6 category: main optional: false - - name: asttokens - version: 2.4.1 + - name: six + version: 1.16.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.5" - six: ">=1.12.0" - url: https://conda.anaconda.org/conda-forge/noarch/asttokens-2.4.1-pyhd8ed1ab_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/six-1.16.0-pyh6c4a22f_0.tar.bz2 hash: - md5: 5f25798dcefd8252ce5f9dc494d5f571 - sha256: 708168f026df19a0344983754d27d1f7b28bb21afc7b97a82f02c4798a3d2111 + md5: e5f25f8dbc060e9a8d912e432202afc2 + sha256: a85c38227b446f42c5b90d9b642f2c0567880c15d72492d8da074a59c8f91dd6 category: main optional: false - - name: async-lru - version: 2.0.4 + - name: smmap + version: 5.0.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - typing_extensions: ">=4.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/async-lru-2.0.4-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/smmap-5.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3d081de3a6ea9f894bbb585e8e3a4dcb - sha256: 7ed83731979fe5b046c157730e50af0e24454468bbba1ed8fc1a3107db5d7518 + md5: 62f26a3d1387acee31322208f0cfa3e0 + sha256: 23011cb3e064525bdb8787c75126a2e78d2344a72cd6773922006d1da1f2af16 category: main optional: false - - name: aws-c-s3 - version: 0.3.24 + - name: smmap + version: 5.0.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - aws-c-auth: ">=0.7.7,<0.7.8.0a0" - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-c-s3-0.3.24-h2bce37b_1.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/smmap-5.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 219fd27c7fc531e45269878f2979c5df - sha256: bdd562f3a64992385fffc69f134e4d3d5c7096423c839c785020facf3615bac9 + md5: 62f26a3d1387acee31322208f0cfa3e0 + sha256: 23011cb3e064525bdb8787c75126a2e78d2344a72cd6773922006d1da1f2af16 category: main optional: false - - name: babel - version: 2.13.1 + - name: smmap + version: 5.0.0 manager: conda platform: osx-arm64 dependencies: - setuptools: "" - pytz: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/babel-2.13.1-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/smmap-5.0.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 3ccff479c246692468f604df9c85ef26 - sha256: 1f955c700db16f65b16c9e9c1613436480d5497970b8030b7a9ebe1620cc2147 + md5: 62f26a3d1387acee31322208f0cfa3e0 + sha256: 23011cb3e064525bdb8787c75126a2e78d2344a72cd6773922006d1da1f2af16 category: main optional: false - - name: backports.functools_lru_cache - version: 1.6.5 + - name: snappy + version: 1.1.10 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - setuptools: "" - backports: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/backports.functools_lru_cache-1.6.5-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/snappy-1.1.10-h9fff704_0.conda hash: - md5: 6b1b907661838a75d067a22f87996b2e - sha256: 7027bb689dd4ca4a08e3b25805de9d04239be6b31125993558f21f102a9d2700 + md5: e6d228cd0bb74a51dd18f5bfce0b4115 + sha256: 02219f2382b4fe39250627dade087a4412d811936a5a445636b7260477164eac category: main optional: false - - name: beautifulsoup4 - version: 4.12.2 + - name: snappy + version: 1.1.10 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - soupsieve: ">=1.2" - url: https://conda.anaconda.org/conda-forge/noarch/beautifulsoup4-4.12.2-pyha770c72_0.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/snappy-1.1.10-h225ccf5_0.conda hash: - md5: a362ff7d976217f8fa78c0f1c4f59717 - sha256: 52d3e6bcd442537e22699cd227d8fdcfd54b708eeb8ee5b4c671a6a9b9cd74da + md5: 4320a8781f14cd959689b86e349f3b73 + sha256: 575915dc13152e446a84e2f88de70a14f8b6af1a870e708f9370bd4be105583b category: main optional: false - - name: bleach - version: 6.1.0 + - name: snappy + version: 1.1.10 manager: conda platform: osx-arm64 dependencies: - setuptools: "" - packaging: "" - webencodings: "" - python: ">=3.6" - six: ">=1.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/bleach-6.1.0-pyhd8ed1ab_0.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/snappy-1.1.10-h17c5cce_0.conda hash: - md5: 0ed9d7c0e9afa7c025807a9a8136ea3e - sha256: 845e77ef495376c5c3c328ccfd746ca0ef1978150cae8eae61a300fe7755fb08 + md5: ac82a611d1a67a598096ebaa857198e3 + sha256: dfae03cd2339587871e53b42833657faa4c9e42e3e2c56ee9e32bc60797c7f62 category: main optional: false - - name: cached-property - version: 1.5.2 + - name: sniffio + version: 1.3.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - cached_property: ">=1.5.2,<1.5.3.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/cached-property-1.5.2-hd8ed1ab_1.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/sniffio-1.3.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 9b347a7ec10940d3f7941ff6c460b551 - sha256: 561e6660f26c35d137ee150187d89767c988413c978e1b712d53f27ddf70ea17 + md5: dd6cbc539e74cb1f430efbd4575b9303 + sha256: a3fd30754c20ddb28b777db38345ea00d958f46701f0decd6291a81c0f4eee78 category: main optional: false - - name: cffi - version: 1.16.0 + - name: sniffio + version: 1.3.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libffi: ">=3.4,<4.0a0" - pycparser: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/cffi-1.16.0-py311h4a08483_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/sniffio-1.3.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: cbdde0484a47b40e6ce2a4e5aaeb48d7 - sha256: 9430416328fe2a28e206e703de771817064c8613a79a6a21fe7107f6a783104c + md5: dd6cbc539e74cb1f430efbd4575b9303 + sha256: a3fd30754c20ddb28b777db38345ea00d958f46701f0decd6291a81c0f4eee78 category: main optional: false - - name: cfitsio - version: 4.3.0 + - name: sniffio + version: 1.3.0 manager: conda platform: osx-arm64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libcurl: ">=8.2.0,<9.0a0" - libgfortran: 5.* - libgfortran5: ">=12.3.0" - libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/cfitsio-4.3.0-hca87796_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/sniffio-1.3.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: a5a1019a6405052124e97999a5204a74 - sha256: 5d03f8d484d29f8d3bdd64afe22ed29d75c639834b40382f8a520f96a7af27c4 + md5: dd6cbc539e74cb1f430efbd4575b9303 + sha256: a3fd30754c20ddb28b777db38345ea00d958f46701f0decd6291a81c0f4eee78 category: main optional: false - - name: click-default-group - version: 1.2.4 + - name: snowballstemmer + version: 2.2.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - click: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-1.2.4-pyhd8ed1ab_0.conda + python: ">=2" + url: https://conda.anaconda.org/conda-forge/noarch/snowballstemmer-2.2.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7c2b6931f9b3548ed78478332095c3e9 - sha256: b36e35d735ddd29d7c592eb3de4b3979e13a9f76f1b4bc939f2cb4402758d6d0 + md5: 4d22a9315e78c6827f806065957d566e + sha256: a0fd916633252d99efb6223b1050202841fa8d2d53dacca564b0ed77249d3228 category: main optional: false - - name: click-default-group-wheel - version: 1.2.2 + - name: snowballstemmer + version: 2.2.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - click: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/click-default-group-wheel-1.2.2-pyhd8ed1ab_0.tar.bz2 + python: ">=2" + url: https://conda.anaconda.org/conda-forge/noarch/snowballstemmer-2.2.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 2228f2640491b5e9c03b6f6346cba887 - sha256: 3a4d5c96f5375715aec9b8b7639c5a401a90dc1019d24288e4e9494148a640ee + md5: 4d22a9315e78c6827f806065957d566e + sha256: a0fd916633252d99efb6223b1050202841fa8d2d53dacca564b0ed77249d3228 category: main optional: false - - name: click-plugins - version: 1.1.1 + - name: snowballstemmer + version: 2.2.0 manager: conda platform: osx-arm64 dependencies: - python: "" - click: ">=3.0" - url: https://conda.anaconda.org/conda-forge/noarch/click-plugins-1.1.1-py_0.tar.bz2 + python: ">=2" + url: https://conda.anaconda.org/conda-forge/noarch/snowballstemmer-2.2.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 4fd2c6b53934bd7d96d1f3fdaf99b79f - sha256: ddef6e559dde6673ee504b0e29dd814d36e22b6b9b1f519fa856ee268905bf92 + md5: 4d22a9315e78c6827f806065957d566e + sha256: a0fd916633252d99efb6223b1050202841fa8d2d53dacca564b0ed77249d3228 category: main optional: false - - name: cligj - version: 0.7.2 + - name: sortedcontainers + version: 2.4.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: <4.0 - click: ">=4.0" - url: https://conda.anaconda.org/conda-forge/noarch/cligj-0.7.2-pyhd8ed1ab_1.tar.bz2 + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/sortedcontainers-2.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: a29b7c141d6b2de4bb67788a5f107734 - sha256: 97bd58f0cfcff56a0bcda101e26f7d936625599325beba3e3a1fa512dd7fc174 + md5: 6d6552722448103793743dabfbda532d + sha256: 0cea408397d50c2afb2d25e987ebac4546ae11e549d65b1403d80dc368dfaaa6 category: main optional: false - - name: clikit - version: 0.6.2 + - name: sortedcontainers + version: 2.4.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - pylev: ">=1.3,<2.0" - pastel: ">=0.2.0,<0.3.0" - url: https://conda.anaconda.org/conda-forge/noarch/clikit-0.6.2-pyhd8ed1ab_2.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/sortedcontainers-2.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 02abb7b66b02e8b9f5a9b05454400087 - sha256: 2d582bc15d9116ec5467b565fb87d9034c8b56f60943e8eb69407f55f1ab5a78 + md5: 6d6552722448103793743dabfbda532d + sha256: 0cea408397d50c2afb2d25e987ebac4546ae11e549d65b1403d80dc368dfaaa6 category: main optional: false - - name: coloredlogs - version: "14.0" + - name: sortedcontainers + version: 2.4.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - humanfriendly: ">=7.1" - url: https://conda.anaconda.org/conda-forge/noarch/coloredlogs-14.0-pyhd8ed1ab_3.tar.bz2 + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/sortedcontainers-2.4.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6b92f390b198cb631c95fd37097098c8 - sha256: 703557fb1bde384b34cd8b1aa88c485e8900f83420bb69066f958f45c2008ef9 + md5: 6d6552722448103793743dabfbda532d + sha256: 0cea408397d50c2afb2d25e987ebac4546ae11e549d65b1403d80dc368dfaaa6 category: main optional: false - - name: comm - version: 0.1.4 + - name: soupsieve + version: "2.5" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/noarch/comm-0.1.4-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/soupsieve-2.5-pyhd8ed1ab_1.conda hash: - md5: c8eaca39e2b6abae1fc96acc929ae939 - sha256: 11057745946a95ee7cc4c98900a60c7362266a4cb28bc97d96cd88e3056eb701 + md5: 3f144b2c34f8cb5a9abd9ed23a39c561 + sha256: 54ae221033db8fbcd4998ccb07f3c3828b4d77e73b0c72b18c1d6a507059059c category: main optional: false - - name: coverage - version: 7.3.2 + - name: soupsieve + version: "2.5" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - tomli: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/coverage-7.3.2-py311heffc1b2_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/soupsieve-2.5-pyhd8ed1ab_1.conda hash: - md5: 75928ad6625a73ff93f08be98014248c - sha256: 88d116c4c51a106c43937b950d3fd14007800fb7b3945573a5a117533c450e6b + md5: 3f144b2c34f8cb5a9abd9ed23a39c561 + sha256: 54ae221033db8fbcd4998ccb07f3c3828b4d77e73b0c72b18c1d6a507059059c category: main optional: false - - name: fonttools - version: 4.44.3 + - name: soupsieve + version: "2.5" manager: conda platform: osx-arm64 dependencies: - brotli: "" - munkres: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/fonttools-4.44.3-py311h05b510d_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/soupsieve-2.5-pyhd8ed1ab_1.conda hash: - md5: f3014d7569ba21fdf88e8c669b02a14b - sha256: f99f51ea99ff30cc80ad1040b8324d284bb7778ea0a9cc0d5cc6740218708ef5 + md5: 3f144b2c34f8cb5a9abd9ed23a39c561 + sha256: 54ae221033db8fbcd4998ccb07f3c3828b4d77e73b0c72b18c1d6a507059059c category: main optional: false - - name: gitdb - version: 4.0.11 + - name: sphinx + version: 7.2.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - smmap: ">=3.0.1,<6" - url: https://conda.anaconda.org/conda-forge/noarch/gitdb-4.0.11-pyhd8ed1ab_0.conda + alabaster: ">=0.7,<0.8" + babel: ">=2.9" + colorama: ">=0.4.5" + docutils: ">=0.18.1,<0.21" + imagesize: ">=1.3" + importlib-metadata: ">=4.8" + jinja2: ">=3.0" + packaging: ">=21.0" + pygments: ">=2.14" + python: ">=3.9" + requests: ">=2.25.0" + snowballstemmer: ">=2.0" + sphinxcontrib-applehelp: "" + sphinxcontrib-devhelp: "" + sphinxcontrib-htmlhelp: ">=2.0.0" + sphinxcontrib-jsmath: "" + sphinxcontrib-qthelp: "" + sphinxcontrib-serializinghtml: ">=1.1.9" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-7.2.6-pyhd8ed1ab_0.conda hash: - md5: 623b19f616f2ca0c261441067e18ae40 - sha256: 52ab2798be31b8f509eeec458712f447ced4f96ecb672c6c9a42778f47e07b1b + md5: bbfd1120d1824d2d073bc65935f0e4c0 + sha256: 665d1fe6d20c6cc672ff20e6ebb405860f878b487d3d8d86a5952733fb7bbc42 category: main optional: false - - name: graphql-core - version: 3.2.3 + - name: sphinx + version: 7.2.6 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - typing_extensions: ">=4,<5" - url: https://conda.anaconda.org/conda-forge/noarch/graphql-core-3.2.3-pyhd8ed1ab_0.tar.bz2 + sphinxcontrib-jsmath: "" + sphinxcontrib-applehelp: "" + sphinxcontrib-devhelp: "" + sphinxcontrib-qthelp: "" + python: ">=3.9" + jinja2: ">=3.0" + packaging: ">=21.0" + alabaster: ">=0.7,<0.8" + requests: ">=2.25.0" + colorama: ">=0.4.5" + pygments: ">=2.14" + sphinxcontrib-htmlhelp: ">=2.0.0" + importlib-metadata: ">=4.8" + babel: ">=2.9" + imagesize: ">=1.3" + snowballstemmer: ">=2.0" + docutils: ">=0.18.1,<0.21" + sphinxcontrib-serializinghtml: ">=1.1.9" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-7.2.6-pyhd8ed1ab_0.conda hash: - md5: 87cafe8c7638a5ac6fd8ec8fb01f1508 - sha256: 6f7da913ecad98951cadfe512af2c3979fbff752bf714da66760701e5463dd29 - category: dev - optional: true - - name: grpcio - version: 1.59.2 + md5: bbfd1120d1824d2d073bc65935f0e4c0 + sha256: 665d1fe6d20c6cc672ff20e6ebb405860f878b487d3d8d86a5952733fb7bbc42 + category: main + optional: false + - name: sphinx + version: 7.2.6 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - libgrpc: 1.59.2 - libzlib: ">=1.2.13,<1.3.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/grpcio-1.59.2-py311h79dd126_0.conda + sphinxcontrib-jsmath: "" + sphinxcontrib-applehelp: "" + sphinxcontrib-devhelp: "" + sphinxcontrib-qthelp: "" + python: ">=3.9" + jinja2: ">=3.0" + packaging: ">=21.0" + alabaster: ">=0.7,<0.8" + requests: ">=2.25.0" + colorama: ">=0.4.5" + pygments: ">=2.14" + sphinxcontrib-htmlhelp: ">=2.0.0" + importlib-metadata: ">=4.8" + babel: ">=2.9" + imagesize: ">=1.3" + snowballstemmer: ">=2.0" + docutils: ">=0.18.1,<0.21" + sphinxcontrib-serializinghtml: ">=1.1.9" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-7.2.6-pyhd8ed1ab_0.conda hash: - md5: d595e37cbcfc8c216b435d6785a45e76 - sha256: cdd209d4762fb8b4f225e7fd8e946d463315b0d599559a3a3d88014c315d1a4f + md5: bbfd1120d1824d2d073bc65935f0e4c0 + sha256: 665d1fe6d20c6cc672ff20e6ebb405860f878b487d3d8d86a5952733fb7bbc42 category: main optional: false - - name: h11 - version: 0.14.0 + - name: sphinx-autoapi + version: 3.0.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - typing_extensions: "" - python: ">=3" - url: https://conda.anaconda.org/conda-forge/noarch/h11-0.14.0-pyhd8ed1ab_0.tar.bz2 + anyascii: "" + astroid: ">=2.7" + jinja2: "" + python: ">=3.8" + pyyaml: "" + sphinx: ">=6.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-autoapi-3.0.0-pyhd8ed1ab_0.conda hash: - md5: b21ed0883505ba1910994f1df031a428 - sha256: 817d2c77d53afe3f3d9cf7f6eb8745cdd8ea76c7adaa9d7ced75c455a2c2c085 + md5: 736b53813c2b9582b1345462d8ca66e7 + sha256: 61d127c9e32176ac75a24b85c4d1ba3e8cf7e638884331429752a2da6a3ac63a category: main - optional: false - - name: h2 - version: 4.1.0 + optional: false + - name: sphinx-autoapi + version: 3.0.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6.1" - hpack: ">=4.0,<5" - hyperframe: ">=6.0,<7" - url: https://conda.anaconda.org/conda-forge/noarch/h2-4.1.0-pyhd8ed1ab_0.tar.bz2 + pyyaml: "" + jinja2: "" + anyascii: "" + python: ">=3.8" + astroid: ">=2.7" + sphinx: ">=6.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-autoapi-3.0.0-pyhd8ed1ab_0.conda hash: - md5: b748fbf7060927a6e82df7cb5ee8f097 - sha256: bfc6a23849953647f4e255c782e74a0e18fe16f7e25c7bb0bc57b83bb6762c7a + md5: 736b53813c2b9582b1345462d8ca66e7 + sha256: 61d127c9e32176ac75a24b85c4d1ba3e8cf7e638884331429752a2da6a3ac63a category: main optional: false - - name: harfbuzz - version: 8.3.0 + - name: sphinx-autoapi + version: 3.0.0 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - cairo: ">=1.18.0,<2.0a0" - freetype: ">=2.12.1,<3.0a0" - graphite2: "" - icu: ">=73.2,<74.0a0" - libcxx: ">=16.0.6" - libglib: ">=2.78.1,<3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/harfbuzz-8.3.0-h8f0ba13_0.conda + pyyaml: "" + jinja2: "" + anyascii: "" + python: ">=3.8" + astroid: ">=2.7" + sphinx: ">=6.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-autoapi-3.0.0-pyhd8ed1ab_0.conda hash: - md5: 71e7f9ba27feae122733bb9f1bfe594c - sha256: 55e95aee9e5be7ada5a1cccedf1bb74c1362a7504cb0251fb48bcfa8bbd7cae3 - category: dev - optional: true - - name: hdf5 - version: 1.14.2 + md5: 736b53813c2b9582b1345462d8ca66e7 + sha256: 61d127c9e32176ac75a24b85c4d1ba3e8cf7e638884331429752a2da6a3ac63a + category: main + optional: false + - name: sphinx-basic-ng + version: 1.0.0b2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libaec: ">=1.0.6,<2.0a0" - libcurl: ">=8.2.1,<9.0a0" - libcxx: ">=15.0.7" - libgfortran: 5.* - libgfortran5: ">=12.3.0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/hdf5-1.14.2-nompi_h3aba7b3_100.conda + python: ">=3.7" + sphinx: ">=4.0,<8.0" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-basic-ng-1.0.0b2-pyhd8ed1ab_1.conda hash: - md5: 842c5b010b219058098ebfe5aa5891b9 - sha256: 2749910e21a7d1f88a81dc4709fc3565a4a3954eadb4409e7a5be1fc13a5b7ca + md5: a631f5c7b7f5045448f966ad71aa2881 + sha256: 3c7a6a8bb6c9921741ef940cd61ff1694beac3c95ca7e9ad4b0ea32e2f6ac2fa category: main optional: false - - name: html5lib - version: "1.1" + - name: sphinx-basic-ng + version: 1.0.0b2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: "" - webencodings: "" - six: ">=1.9" - url: https://conda.anaconda.org/conda-forge/noarch/html5lib-1.1-pyh9f0ad1d_0.tar.bz2 + python: ">=3.7" + sphinx: ">=4.0,<8.0" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-basic-ng-1.0.0b2-pyhd8ed1ab_1.conda hash: - md5: b2355343d6315c892543200231d7154a - sha256: 9ad06446fe9847e86cb20d220bf11614afcd2cbe9f58096f08d5d4018877bee4 + md5: a631f5c7b7f5045448f966ad71aa2881 + sha256: 3c7a6a8bb6c9921741ef940cd61ff1694beac3c95ca7e9ad4b0ea32e2f6ac2fa category: main optional: false - - name: hypothesis - version: 6.89.0 + - name: sphinx-basic-ng + version: 1.0.0b2 manager: conda platform: osx-arm64 dependencies: - setuptools: "" - python: ">=3.8" - click: ">=7.0" - attrs: ">=19.2.0" - sortedcontainers: ">=2.1.0,<3.0.0" - backports.zoneinfo: ">=0.2.1" - exceptiongroup: ">=1.0.0rc8" - url: https://conda.anaconda.org/conda-forge/noarch/hypothesis-6.89.0-pyha770c72_0.conda + python: ">=3.7" + sphinx: ">=4.0,<8.0" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-basic-ng-1.0.0b2-pyhd8ed1ab_1.conda hash: - md5: 87fe6add77af84b6fafecd466e27a28d - sha256: 5805c101a002de63400e97d33d0e70f4cade33b2e7bf76061aaa0a7058fc44ea + md5: a631f5c7b7f5045448f966ad71aa2881 + sha256: 3c7a6a8bb6c9921741ef940cd61ff1694beac3c95ca7e9ad4b0ea32e2f6ac2fa category: main optional: false - - name: importlib-metadata - version: 6.8.0 + - name: sphinx-issues + version: 1.2.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - zipp: ">=0.5" - url: https://conda.anaconda.org/conda-forge/noarch/importlib-metadata-6.8.0-pyha770c72_0.conda + python: "" + sphinx: "" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-issues-1.2.0-py_0.tar.bz2 hash: - md5: 4e9f59a060c3be52bc4ddc46ee9b6946 - sha256: 2797ed927d65324309b6c630190d917b9f2111e0c217b721f80429aeb57f9fcf + md5: 2d5c0dddca9bb724dcf5a3fb295a2266 + sha256: 9d98392bff12194c45c6f13c6c93d0b15b2fe489de5746654e732009fce41a86 category: main optional: false - - name: importlib_resources - version: 6.1.1 + - name: sphinx-issues + version: 1.2.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - zipp: ">=3.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/importlib_resources-6.1.1-pyhd8ed1ab_0.conda + python: "" + sphinx: "" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-issues-1.2.0-py_0.tar.bz2 hash: - md5: 3d5fa25cf42f3f32a12b2d874ace8574 - sha256: e584f9ae08fb2d242af0ce7e19e3cd2f85f362d8523119e08f99edb962db99ed + md5: 2d5c0dddca9bb724dcf5a3fb295a2266 + sha256: 9d98392bff12194c45c6f13c6c93d0b15b2fe489de5746654e732009fce41a86 category: main optional: false - - name: isodate - version: 0.6.1 + - name: sphinx-issues + version: 1.2.0 manager: conda platform: osx-arm64 dependencies: - six: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/isodate-0.6.1-pyhd8ed1ab_0.tar.bz2 + python: "" + sphinx: "" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-issues-1.2.0-py_0.tar.bz2 hash: - md5: 4a62c93c1b5c0b920508ae3fd285eaf5 - sha256: af8f801e093da52a50ca0ea0510dfaf6898fea37e66d08d335e370235dede9fc + md5: 2d5c0dddca9bb724dcf5a3fb295a2266 + sha256: 9d98392bff12194c45c6f13c6c93d0b15b2fe489de5746654e732009fce41a86 category: main optional: false - - name: janus - version: 1.0.0 + - name: sphinx-reredirects + version: 0.1.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - typing_extensions: ">=3.7.4.3" - url: https://conda.anaconda.org/conda-forge/noarch/janus-1.0.0-pyhd8ed1ab_0.tar.bz2 + python: ">=3.6" + sphinx: "" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-reredirects-0.1.2-pyhd8ed1ab_0.conda hash: - md5: 304b5bce5a9b3590d825ffd85ac63471 - sha256: b702ef1e280249065d69aef7b0a7b3920903d2de68283bb5282cb57a4ed54d19 + md5: 30e618adaaf11aa4a98912913c62a12b + sha256: bcc792d6fbfc06298d23e98216d1aeca95eb69005ce8176094128990aed1f11c category: main optional: false - - name: jaraco.classes - version: 3.3.0 + - name: sphinx-reredirects + version: 0.1.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - more-itertools: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/jaraco.classes-3.3.0-pyhd8ed1ab_0.conda + sphinx: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-reredirects-0.1.2-pyhd8ed1ab_0.conda hash: - md5: e9f79248d30e942f7c358ff21a1790f5 - sha256: 14f5240c3834e1b784dd41a5a14392d9150dff62a74ae851f73e65d2e2bbd891 + md5: 30e618adaaf11aa4a98912913c62a12b + sha256: bcc792d6fbfc06298d23e98216d1aeca95eb69005ce8176094128990aed1f11c category: main optional: false - - name: jedi - version: 0.19.1 + - name: sphinx-reredirects + version: 0.1.2 manager: conda platform: osx-arm64 dependencies: + sphinx: "" python: ">=3.6" - parso: ">=0.8.3,<0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jedi-0.19.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/sphinx-reredirects-0.1.2-pyhd8ed1ab_0.conda hash: - md5: 81a3be0b2023e1ea8555781f0ad904a2 - sha256: 362f0936ef37dfd1eaa860190e42a6ebf8faa094eaa3be6aa4d9ace95f40047a + md5: 30e618adaaf11aa4a98912913c62a12b + sha256: bcc792d6fbfc06298d23e98216d1aeca95eb69005ce8176094128990aed1f11c category: main optional: false - - name: jinja2 - version: 3.1.2 + - name: sphinxcontrib-applehelp + version: 1.0.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - markupsafe: ">=2.0" - url: https://conda.anaconda.org/conda-forge/noarch/jinja2-3.1.2-pyhd8ed1ab_1.tar.bz2 + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-applehelp-1.0.7-pyhd8ed1ab_0.conda hash: - md5: c8490ed5c70966d232fdd389d0dbed37 - sha256: b045faba7130ab263db6a8fdc96b1a3de5fcf85c4a607c5f11a49e76851500b5 + md5: aebfabcb60c33a89c1f9290cab49bc93 + sha256: 67e2b386c7b3c858ead88fa71fe4fa5eb1f4f59d7994d167b3910a744db392d3 category: main optional: false - - name: joblib - version: 1.3.2 + - name: sphinxcontrib-applehelp + version: 1.0.7 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - setuptools: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/joblib-1.3.2-pyhd8ed1ab_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-applehelp-1.0.7-pyhd8ed1ab_0.conda hash: - md5: 4da50d410f553db77e62ab62ffaa1abc - sha256: 31e05d47970d956206188480b038829d24ac11fe8216409d8584d93d40233878 + md5: aebfabcb60c33a89c1f9290cab49bc93 + sha256: 67e2b386c7b3c858ead88fa71fe4fa5eb1f4f59d7994d167b3910a744db392d3 category: main optional: false - - name: jsonlines - version: 4.0.0 + - name: sphinxcontrib-applehelp + version: 1.0.7 manager: conda platform: osx-arm64 dependencies: - typing_extensions: "" - python: ">=3.6" - attrs: ">=19.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonlines-4.0.0-pyhd8ed1ab_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-applehelp-1.0.7-pyhd8ed1ab_0.conda hash: - md5: df32eb56c2a48a5ca9465aef29dd46bc - sha256: ba99c97cff6534f5ad5e724a074a1204e4a0c73cc8cca21a0fc2d4e92f25b89c + md5: aebfabcb60c33a89c1f9290cab49bc93 + sha256: 67e2b386c7b3c858ead88fa71fe4fa5eb1f4f59d7994d167b3910a744db392d3 category: main optional: false - - name: jupyterlab_pygments - version: 0.2.2 + - name: sphinxcontrib-bibtex + version: 2.6.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + dataclasses: "" + docutils: ">=0.8,!=0.18.*,!=0.19.*" + importlib_metadata: ">=3.6" + pybtex: ">=0.24" + pybtex-docutils: ">=1" python: ">=3.7" - pygments: ">=2.4.1,<3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_pygments-0.2.2-pyhd8ed1ab_0.tar.bz2 + sphinx: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-bibtex-2.6.1-pyhd8ed1ab_1.conda hash: - md5: 243f63592c8e449f40cd42eb5cf32f40 - sha256: 08453e09d5a6bbaeeca839553a5dfd7a377a97550efab96019c334a8042f54f5 + md5: 109cf3a7c844834267057e80b4f4eae3 + sha256: 2d04d3e165c0959d995faab5ccd5fa3581016c02fb94df4eb5d0e0a89fe9ff50 category: main optional: false - - name: latexcodec - version: 2.0.1 + - name: sphinxcontrib-bibtex + version: 2.6.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/latexcodec-2.0.1-pyh9f0ad1d_0.tar.bz2 + dataclasses: "" + python: ">=3.7" + pybtex: ">=0.24" + importlib_metadata: ">=3.6" + pybtex-docutils: ">=1" + docutils: ">=0.8,!=0.18.*,!=0.19.*" + sphinx: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-bibtex-2.6.1-pyhd8ed1ab_1.conda hash: - md5: 8d67904973263afd2985ba56aa2d6bb4 - sha256: 5210d31c8f2402dd1ad1b3edcf7a53292b9da5de20cd14d9c243dbf9278b1c4f + md5: 109cf3a7c844834267057e80b4f4eae3 + sha256: 2d04d3e165c0959d995faab5ccd5fa3581016c02fb94df4eb5d0e0a89fe9ff50 category: main optional: false - - name: libcblas - version: 3.9.0 + - name: sphinxcontrib-bibtex + version: 2.6.1 manager: conda platform: osx-arm64 dependencies: - libblas: 3.9.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/libcblas-3.9.0-19_osxarm64_openblas.conda + dataclasses: "" + python: ">=3.7" + pybtex: ">=0.24" + importlib_metadata: ">=3.6" + pybtex-docutils: ">=1" + docutils: ">=0.8,!=0.18.*,!=0.19.*" + sphinx: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-bibtex-2.6.1-pyhd8ed1ab_1.conda hash: - md5: 5460a8d1beffd7f63994d891e6a20da4 - sha256: 19b1c5e3ddd383ec14540336f4704938218d3c1db4707ae10d5357afb22cccc1 + md5: 109cf3a7c844834267057e80b4f4eae3 + sha256: 2d04d3e165c0959d995faab5ccd5fa3581016c02fb94df4eb5d0e0a89fe9ff50 category: main optional: false - - name: libgoogle-cloud - version: 2.12.0 + - name: sphinxcontrib-devhelp + version: 1.0.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcrc32c: ">=1.1.2,<1.2.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libgrpc: ">=1.59.2,<1.60.0a0" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgoogle-cloud-2.12.0-hfb399a7_4.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-devhelp-1.0.5-pyhd8ed1ab_0.conda hash: - md5: d62901188ab756c841cbb9a80c6c3f3c - sha256: 22122939a462f64a82ca2f305c43e5e5cf5a55f1ae12979c2445f9dc196b7047 + md5: ebf08f5184d8eaa486697bc060031953 + sha256: 770e13ebfef321426c09ec51d95c57755512db160518b2922a4337546ee51672 category: main optional: false - - name: liblapack - version: 3.9.0 + - name: sphinxcontrib-devhelp + version: 1.0.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libblas: 3.9.0 - url: https://conda.anaconda.org/conda-forge/osx-arm64/liblapack-3.9.0-19_osxarm64_openblas.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-devhelp-1.0.5-pyhd8ed1ab_0.conda hash: - md5: 3638eacb084c374f41f9efa40d20a47b - sha256: f19cff537403c9feed98c7e18259022102b087f2b72a757e8a417476b9cf30c1 + md5: ebf08f5184d8eaa486697bc060031953 + sha256: 770e13ebfef321426c09ec51d95c57755512db160518b2922a4337546ee51672 category: main optional: false - - name: linear-tsv - version: 1.1.0 + - name: sphinxcontrib-devhelp + version: 1.0.5 manager: conda platform: osx-arm64 dependencies: - python: "" - six: "" - url: https://conda.anaconda.org/conda-forge/noarch/linear-tsv-1.1.0-py_1.tar.bz2 + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-devhelp-1.0.5-pyhd8ed1ab_0.conda hash: - md5: 16491914064fdfe1b9a8fba94ac90e9a - sha256: 7d653455e3ab3bdbd064e5a8995cce6e657fb1b2fdd26f0bc62ed57687b16043 + md5: ebf08f5184d8eaa486697bc060031953 + sha256: 770e13ebfef321426c09ec51d95c57755512db160518b2922a4337546ee51672 category: main optional: false - - name: markdown-it-py - version: 3.0.0 + - name: sphinxcontrib-htmlhelp + version: 2.0.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - mdurl: ">=0.1,<1" - url: https://conda.anaconda.org/conda-forge/noarch/markdown-it-py-3.0.0-pyhd8ed1ab_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-htmlhelp-2.0.4-pyhd8ed1ab_0.conda hash: - md5: 93a8e71256479c62074356ef6ebf501b - sha256: c041b0eaf7a6af3344d5dd452815cdc148d6284fec25a4fa3f4263b3a021e962 + md5: a9a89000dfd19656ad004b937eeb6828 + sha256: 5f09cd4a08a6c194c11999871a8c7cedc2cd7edd9ff7ceb6f0667b6698be4cc5 category: main optional: false - - name: matplotlib-inline - version: 0.1.6 + - name: sphinxcontrib-htmlhelp + version: 2.0.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - traitlets: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/matplotlib-inline-0.1.6-pyhd8ed1ab_0.tar.bz2 + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-htmlhelp-2.0.4-pyhd8ed1ab_0.conda hash: - md5: b21613793fcc81d944c76c9f2864a7de - sha256: aa091b88aec55bfa2d9207028d8cdc689b9efb090ae27b99557e93c675be2f3c + md5: a9a89000dfd19656ad004b937eeb6828 + sha256: 5f09cd4a08a6c194c11999871a8c7cedc2cd7edd9ff7ceb6f0667b6698be4cc5 category: main optional: false - - name: nodeenv - version: 1.8.0 + - name: sphinxcontrib-htmlhelp + version: 2.0.4 manager: conda platform: osx-arm64 dependencies: - setuptools: "" - python: 2.7|>=3.7 - url: https://conda.anaconda.org/conda-forge/noarch/nodeenv-1.8.0-pyhd8ed1ab_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-htmlhelp-2.0.4-pyhd8ed1ab_0.conda hash: - md5: 2a75b296096adabbabadd5e9782e5fcc - sha256: 1320306234552717149f36f825ddc7e27ea295f24829e9db4cc6ceaff0b032bd + md5: a9a89000dfd19656ad004b937eeb6828 + sha256: 5f09cd4a08a6c194c11999871a8c7cedc2cd7edd9ff7ceb6f0667b6698be4cc5 category: main optional: false - - name: openpyxl - version: 3.1.2 + - name: sphinxcontrib-jsmath + version: 1.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - et_xmlfile: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/openpyxl-3.1.2-py311heffc1b2_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-jsmath-1.0.1-pyhd8ed1ab_0.conda hash: - md5: a08b5961a200bb86aea8625fa2826443 - sha256: 7f29ef19fb24993653bf9034ee91a4ffca606b9b8157ef4a8a6f7b156c5a9713 + md5: da1d979339e2714c30a8e806a33ec087 + sha256: d4337d83b8edba688547766fc80f1ac86d6ec86ceeeda93f376acc04079c5ce2 category: main optional: false - - name: overrides - version: 7.4.0 + - name: sphinxcontrib-jsmath + version: 1.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - typing_utils: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/overrides-7.4.0-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-jsmath-1.0.1-pyhd8ed1ab_0.conda hash: - md5: 4625b7b01d7f4ac9c96300a5515acfaa - sha256: 29db8c3b521d261bf71897ba3cfbebc81cd61e581b30fcb984b5a713f02fe1ff + md5: da1d979339e2714c30a8e806a33ec087 + sha256: d4337d83b8edba688547766fc80f1ac86d6ec86ceeeda93f376acc04079c5ce2 category: main optional: false - - name: partd - version: 1.4.1 + - name: sphinxcontrib-jsmath + version: 1.0.1 manager: conda platform: osx-arm64 dependencies: - toolz: "" - locket: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/partd-1.4.1-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-jsmath-1.0.1-pyhd8ed1ab_0.conda hash: - md5: acf4b7c0bcd5fa3b0e05801c4d2accd6 - sha256: b248238da2bb9dfe98e680af911dc7013af86095e3ec8baf08905555632d34c7 + md5: da1d979339e2714c30a8e806a33ec087 + sha256: d4337d83b8edba688547766fc80f1ac86d6ec86ceeeda93f376acc04079c5ce2 category: main optional: false - - name: pexpect - version: 4.8.0 + - name: sphinxcontrib-qthelp + version: 1.0.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: "" - ptyprocess: ">=0.5" - url: https://conda.anaconda.org/conda-forge/noarch/pexpect-4.8.0-pyh1a96a4e_2.tar.bz2 + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-qthelp-1.0.6-pyhd8ed1ab_0.conda hash: - md5: 330448ce4403cc74990ac07c555942a1 - sha256: 07706c0417ead94f359ca7278f65452d3c396448777aba1da6a11fc351bdca9a + md5: cf5c9649272c677a964a7313279e3a9b + sha256: 9ba5cea9cbab64106e8b5a9b19add855dcb52b8fbb1674398c715bccdbc04471 category: main optional: false - - name: pint - version: "0.22" + - name: sphinxcontrib-qthelp + version: 1.0.6 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - typing_extensions: "" python: ">=3.9" - url: https://conda.anaconda.org/conda-forge/noarch/pint-0.22-pyhd8ed1ab_1.conda + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-qthelp-1.0.6-pyhd8ed1ab_0.conda hash: - md5: a719c3f3959c529e558e9ed9f98c3f30 - sha256: 49795ff6e5e634523aafe34e869c425e2cdc4a1fcb11aa294d7983035bc38622 + md5: cf5c9649272c677a964a7313279e3a9b + sha256: 9ba5cea9cbab64106e8b5a9b19add855dcb52b8fbb1674398c715bccdbc04471 category: main optional: false - - name: pip - version: 23.3.1 + - name: sphinxcontrib-qthelp + version: 1.0.6 manager: conda platform: osx-arm64 dependencies: - setuptools: "" - wheel: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/pip-23.3.1-pyhd8ed1ab_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-qthelp-1.0.6-pyhd8ed1ab_0.conda hash: - md5: 2400c0b86889f43aa52067161e1fb108 - sha256: 435829a03e1c6009f013f29bb83de8b876c388820bf8cf69a7baeec25f6a3563 + md5: cf5c9649272c677a964a7313279e3a9b + sha256: 9ba5cea9cbab64106e8b5a9b19add855dcb52b8fbb1674398c715bccdbc04471 category: main optional: false - - name: poppler - version: 23.11.0 + - name: sphinxcontrib-serializinghtml + version: 1.1.9 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - cairo: ">=1.18.0,<2.0a0" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - gettext: ">=0.21.1,<1.0a0" - lcms2: ">=2.15,<3.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libglib: ">=2.78.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - nspr: ">=4.35,<5.0a0" - nss: ">=3.94,<4.0a0" - openjpeg: ">=2.5.0,<3.0a0" - poppler-data: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/poppler-23.11.0-hcdd998b_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-serializinghtml-1.1.9-pyhd8ed1ab_0.conda + hash: + md5: 0612e497d7860728f2cda421ea2aec09 + sha256: c5710ae7bb7465f25a29cc845d9fb6ad0ea561972d796d379fcb48d801e96d6d + category: main + optional: false + - name: sphinxcontrib-serializinghtml + version: 1.1.9 + manager: conda + platform: osx-64 + dependencies: + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-serializinghtml-1.1.9-pyhd8ed1ab_0.conda hash: - md5: 19386a03a7c57a378953bafb4f598156 - sha256: a6677b507cbdb6202c872aa461b4bf8cfcbe5791721fe1f42615b89205d4a4a6 + md5: 0612e497d7860728f2cda421ea2aec09 + sha256: c5710ae7bb7465f25a29cc845d9fb6ad0ea561972d796d379fcb48d801e96d6d category: main optional: false - - name: postgresql - version: "16.1" + - name: sphinxcontrib-serializinghtml + version: 1.1.9 manager: conda platform: osx-arm64 dependencies: - krb5: ">=1.21.2,<1.22.0a0" - libpq: "16.1" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - readline: ">=8.2,<9.0a0" - tzcode: "" - tzdata: "" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/postgresql-16.1-hc6ab77f_0.conda + python: ">=3.9" + sphinx: ">=5" + url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-serializinghtml-1.1.9-pyhd8ed1ab_0.conda hash: - md5: 37398d1ad2fbeaa7733711b845da863e - sha256: 441f5ad3fac42e7daf9c246ad0dc0962c7f0b4c9ac1044038d3a053d339320bf + md5: 0612e497d7860728f2cda421ea2aec09 + sha256: c5710ae7bb7465f25a29cc845d9fb6ad0ea561972d796d379fcb48d801e96d6d category: main optional: false - - name: proj - version: 9.3.0 + - name: sqlalchemy + version: 2.0.23 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - libcurl: ">=8.4.0,<9.0a0" - libsqlite: ">=3.43.2,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - sqlite: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/proj-9.3.0-h52fb9d0_2.conda + greenlet: "!=0.4.17" + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + typing-extensions: ">=4.2.0" + url: https://conda.anaconda.org/conda-forge/linux-64/sqlalchemy-2.0.23-py311h459d7ec_0.conda hash: - md5: 31cbb3c9d6f8611a657e1b1a4cb5c63d - sha256: 6a76ab5ac69b1379d874a5b1405c15f13cc9fb3622a4a8837519c3328286e781 + md5: caccc840985d972796a3c94e69376177 + sha256: b616e46d0e4c914d29a9860384a6e44e33106cef565ba238d669766e658faa80 category: main optional: false - - name: protobuf - version: 4.24.4 + - name: sqlalchemy + version: 2.0.23 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libcxx: ">=16.0.6" - libprotobuf: ">=4.24.4,<4.24.5.0a0" + greenlet: "!=0.4.17" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/protobuf-4.24.4-py311h4d1eceb_0.conda + typing-extensions: ">=4.2.0" + url: https://conda.anaconda.org/conda-forge/osx-64/sqlalchemy-2.0.23-py311he705e18_0.conda hash: - md5: a4a36febea4880c7a5bf21c9ff9461cd - sha256: d34ebda375e3fe0969cc9651150ab3edce9e50c04c7093afd585a87083f7fcb6 + md5: f06f912df000cc6bd840011c703c607a + sha256: da5ab07c9148d561586f7fa8110a0794b136e96e168cd591cb7aa87e9805f1da category: main optional: false - - name: psycopg2 - version: 2.9.7 + - name: sqlalchemy + version: 2.0.23 manager: conda platform: osx-arm64 dependencies: - libpq: ">=16.0,<17.0a0" - openssl: ">=3.1.3,<4.0a0" + greenlet: "!=0.4.17" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/psycopg2-2.9.7-py311h589e011_1.conda + typing-extensions: ">=4.2.0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/sqlalchemy-2.0.23-py311h05b510d_0.conda hash: - md5: e5fd933c7c34b5c02a95e28f05b07f46 - sha256: 30fb7c0c8e1651694dcb9b5b62b7cdc801ce45e06ead0a5d281ce950e1f498f5 + md5: 33795a9c237e7c3ec9cf01a2e89f11dd + sha256: ccf2046118ab2d32d41dc8e90aa3e701e9938522533e39332738f8654d9268cb category: main optional: false - - name: pyasn1-modules - version: 0.3.0 + - name: sqlite + version: 3.44.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - pyasn1: ">=0.4.6,<0.6.0" - url: https://conda.anaconda.org/conda-forge/noarch/pyasn1-modules-0.3.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libsqlite: 3.44.0 + libzlib: ">=1.2.13,<1.3.0a0" + ncurses: ">=6.4,<7.0a0" + readline: ">=8.2,<9.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/sqlite-3.44.0-h2c6b66d_0.conda hash: - md5: 26db749166cdca55e5ef1ffdc7767d0e - sha256: 7867ba43b6ef1e66054ca6b70f59bbef4cdb0cc761f0be3b66d79d15bd43143b + md5: df56c636df4a98990462d66ac7be2330 + sha256: ae7031a471868c7057cc16eded7bb58fa3723d9c1650c9d3eb8de1ff65d89dbb category: main optional: false - - name: pyobjc-core - version: "10.0" + - name: sqlite + version: 3.44.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libffi: ">=3.4,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pyobjc-core-10.0-py311hb702dc4_0.conda + libsqlite: 3.44.0 + libzlib: ">=1.2.13,<1.3.0a0" + ncurses: ">=6.4,<7.0a0" + readline: ">=8.2,<9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/sqlite-3.44.0-h7461747_0.conda hash: - md5: 5c441ab09e2d9faf6e875ea9c446b445 - sha256: d3bb68f8da77bffad5fa690d2cc1aeb0be0608ed0b6e08a96d8fc3613f2e7135 + md5: 4c125fcbf57aa07682468a1e9d202cfa + sha256: a222b2686f7e62c27ec2aaa64e7f2d927a883e5ef62e4ea060b6bd53c032cfca category: main optional: false - - name: pyproject_hooks - version: 1.0.0 + - name: sqlite + version: 3.44.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - tomli: ">=1.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/pyproject_hooks-1.0.0-pyhd8ed1ab_0.conda + libsqlite: 3.44.0 + libzlib: ">=1.2.13,<1.3.0a0" + ncurses: ">=6.4,<7.0a0" + readline: ">=8.2,<9.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/sqlite-3.44.0-hf2abe2d_0.conda hash: - md5: 21de50391d584eb7f4441b9de1ad773f - sha256: 016340837fcfef57b351febcbe855eedf0c1f0ecfc910ed48c7fbd20535f9847 + md5: 0080e3f5d7d13d3b1e244ed24642ca9e + sha256: 8263043d2a5762a5bbbb4ceee28382d97e70182fff8d45371b65fedda0b709ee category: main optional: false - - name: pytest - version: 7.4.3 + - name: stack_data + version: 0.6.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - packaging: "" - colorama: "" - iniconfig: "" - python: ">=3.7" - exceptiongroup: ">=1.0.0rc8" - tomli: ">=1.0.0" - pluggy: ">=0.12,<2.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-7.4.3-pyhd8ed1ab_0.conda + asttokens: "" + executing: "" + pure_eval: "" + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/stack_data-0.6.2-pyhd8ed1ab_0.conda hash: - md5: 5bdca0aca30b0ee62bb84854e027eae0 - sha256: 14e948e620ec87d9e62a8d9c21d40084b4805a939cfee322be7d457379dc96a0 + md5: e7df0fdd404616638df5ece6e69ba7af + sha256: a58433e75229bec39f3be50c02efbe9b7083e53a1f31d8ee247564f370191eec category: main optional: false - - name: python-dateutil - version: 2.8.2 + - name: stack_data + version: 0.6.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - six: ">=1.5" - url: https://conda.anaconda.org/conda-forge/noarch/python-dateutil-2.8.2-pyhd8ed1ab_0.tar.bz2 + asttokens: "" + executing: "" + pure_eval: "" + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/stack_data-0.6.2-pyhd8ed1ab_0.conda hash: - md5: dd999d1cc9f79e67dbb855c8924c7984 - sha256: 54d7785c7678166aa45adeaccfc1d2b8c3c799ca2dc05d4a82bb39b1968bd7da + md5: e7df0fdd404616638df5ece6e69ba7af + sha256: a58433e75229bec39f3be50c02efbe9b7083e53a1f31d8ee247564f370191eec category: main optional: false - - name: python-slugify - version: 8.0.1 + - name: stack_data + version: 0.6.2 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - text-unidecode: ">=1.3" - url: https://conda.anaconda.org/conda-forge/noarch/python-slugify-8.0.1-pyhd8ed1ab_2.conda + asttokens: "" + executing: "" + pure_eval: "" + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/stack_data-0.6.2-pyhd8ed1ab_0.conda hash: - md5: 519897ff446e0dc056e12402e6785cd5 - sha256: 68ac5a6a467b9c0a98e326ec4cc8e3c01d4514f1200c1b44102923424e8ed1eb + md5: e7df0fdd404616638df5ece6e69ba7af + sha256: a58433e75229bec39f3be50c02efbe9b7083e53a1f31d8ee247564f370191eec category: main optional: false - - name: pyu2f - version: 0.1.5 + - name: starlette + version: 0.32.0.post1 + manager: conda + platform: linux-64 + dependencies: + anyio: <5,>=3.4.0 + python: ">=3.8" + typing_extensions: ">=3.10.0" + url: https://conda.anaconda.org/conda-forge/noarch/starlette-0.32.0.post1-pyhd8ed1ab_0.conda + hash: + md5: 9aa6d56db739eee2ff473becbe178fd1 + sha256: 9692b83467670b473dc71137376f735249ef2ee6eeefce9068b0dec94810c24c + category: dev + optional: true + - name: starlette + version: 0.32.0.post1 + manager: conda + platform: osx-64 + dependencies: + python: ">=3.8" + typing_extensions: ">=3.10.0" + anyio: <5,>=3.4.0 + url: https://conda.anaconda.org/conda-forge/noarch/starlette-0.32.0.post1-pyhd8ed1ab_0.conda + hash: + md5: 9aa6d56db739eee2ff473becbe178fd1 + sha256: 9692b83467670b473dc71137376f735249ef2ee6eeefce9068b0dec94810c24c + category: dev + optional: true + - name: starlette + version: 0.32.0.post1 manager: conda platform: osx-arm64 dependencies: - six: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/pyu2f-0.1.5-pyhd8ed1ab_0.tar.bz2 + python: ">=3.8" + typing_extensions: ">=3.10.0" + anyio: <5,>=3.4.0 + url: https://conda.anaconda.org/conda-forge/noarch/starlette-0.32.0.post1-pyhd8ed1ab_0.conda hash: - md5: caabbeaa83928d0c3e3949261daa18eb - sha256: 667a5a30b65a60b15f38fa4cb09efd6d2762b5a0a9563acd9555eaa5e0b953a2 + md5: 9aa6d56db739eee2ff473becbe178fd1 + sha256: 9692b83467670b473dc71137376f735249ef2ee6eeefce9068b0dec94810c24c + category: dev + optional: true + - name: stevedore + version: 5.1.0 + manager: conda + platform: linux-64 + dependencies: + pbr: "!=2.1.0,>=2.0.0" + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/stevedore-5.1.0-pyhd8ed1ab_0.conda + hash: + md5: 55864c50fd9354fd19f6a5078a068170 + sha256: 69b779f4cdb0b84f87067414bcccaffc83c6d734dac84523c40115c383a2e2d5 category: main optional: false - - name: qtpy - version: 2.4.1 + - name: stevedore + version: 5.1.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - packaging: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/qtpy-2.4.1-pyhd8ed1ab_0.conda + python: ">=3.8" + pbr: "!=2.1.0,>=2.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/stevedore-5.1.0-pyhd8ed1ab_0.conda hash: - md5: 7f391bd70d2abfb70f304ba5aa4e1261 - sha256: 925bf48e747af6ceff1b073c10b12fc94ef79c88a34729059d253e43466a33f1 + md5: 55864c50fd9354fd19f6a5078a068170 + sha256: 69b779f4cdb0b84f87067414bcccaffc83c6d734dac84523c40115c383a2e2d5 category: main optional: false - - name: referencing - version: 0.31.0 + - name: stevedore + version: 5.1.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" - attrs: ">=22.2.0" - rpds-py: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.0-pyhd8ed1ab_0.conda + pbr: "!=2.1.0,>=2.0.0" + url: https://conda.anaconda.org/conda-forge/noarch/stevedore-5.1.0-pyhd8ed1ab_0.conda hash: - md5: 38c2b9b24e9a58725a233f1fa32c23e9 - sha256: 108f27bf249a581acd0f1de0e1e6a4d814ab18943178c2d9a4df02f5c16d2102 + md5: 55864c50fd9354fd19f6a5078a068170 + sha256: 69b779f4cdb0b84f87067414bcccaffc83c6d734dac84523c40115c383a2e2d5 category: main optional: false - - name: restructuredtext_lint - version: 1.4.0 + - name: stringcase + version: 1.2.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - docutils: ">=0.11,<1.0" - url: https://conda.anaconda.org/conda-forge/noarch/restructuredtext_lint-1.4.0-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/stringcase-1.2.0-py_0.tar.bz2 hash: - md5: 1f3c21740038aba9c174df58986bdccb - sha256: 636ceefea3675cdd96e49e9bc344190dd72d722642c47597f7bfd30e7ceb2a33 + md5: 26a9caf3173939377bac7152379daac0 + sha256: ebd515c57537799ee7829055fe9aa93d1c4695334b991fe1de9d7947f53f18f2 category: main optional: false - - name: rfc3339-validator - version: 0.1.4 + - name: stringcase + version: 1.2.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - six: "" - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/rfc3339-validator-0.1.4-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/stringcase-1.2.0-py_0.tar.bz2 hash: - md5: fed45fc5ea0813240707998abe49f520 - sha256: 7c7052b51de0b5c558f890bb11f8b5edbb9934a653d76be086b1182b9f54185d + md5: 26a9caf3173939377bac7152379daac0 + sha256: ebd515c57537799ee7829055fe9aa93d1c4695334b991fe1de9d7947f53f18f2 category: main optional: false - - name: rsa - version: "4.9" + - name: stringcase + version: 1.2.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - pyasn1: ">=0.1.3" - url: https://conda.anaconda.org/conda-forge/noarch/rsa-4.9-pyhd8ed1ab_0.tar.bz2 + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/stringcase-1.2.0-py_0.tar.bz2 hash: - md5: 03bf410858b2cefc267316408a77c436 - sha256: 23214cdc15a41d14136754857fd9cd46ca3c55a7e751da3b3a48c673f0ee2a57 + md5: 26a9caf3173939377bac7152379daac0 + sha256: ebd515c57537799ee7829055fe9aa93d1c4695334b991fe1de9d7947f53f18f2 category: main optional: false - - name: ruamel.yaml - version: 0.18.5 + - name: tableschema + version: 1.19.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - ruamel.yaml.clib: ">=0.1.2" - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/ruamel.yaml-0.18.5-py311h05b510d_0.conda + cached-property: ">=1.5" + click: ">=3.3" + isodate: ">=0.5.4" + jsonschema: ">=2.5" + python: "" + python-dateutil: ">=2.4" + requests: ">=2.5" + rfc3986: ">=1.1.0" + six: ">=1.9" + tabulator: ">=1.29" + unicodecsv: ">=0.14" + url: https://conda.anaconda.org/conda-forge/noarch/tableschema-1.19.3-pyh9f0ad1d_0.tar.bz2 hash: - md5: c51813780ac52059c1e472546022e7a5 - sha256: 33c770e213c233e80b48256d17ce0e7bfe504576f2778307826cf1fd1db058d6 + md5: 57f70b39e74b4af667775c0a07f35cc3 + sha256: bc96dd4ee4d7ee5d6753158ba50aacd08c80a657847d6771cc4c56da538437e7 category: main optional: false - - name: sqlalchemy - version: 1.4.49 + - name: tableschema + version: 1.19.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - greenlet: "!=0.4.17" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/sqlalchemy-1.4.49-py311h05b510d_1.conda + python: "" + python-dateutil: ">=2.4" + six: ">=1.9" + jsonschema: ">=2.5" + requests: ">=2.5" + unicodecsv: ">=0.14" + isodate: ">=0.5.4" + click: ">=3.3" + rfc3986: ">=1.1.0" + cached-property: ">=1.5" + tabulator: ">=1.29" + url: https://conda.anaconda.org/conda-forge/noarch/tableschema-1.19.3-pyh9f0ad1d_0.tar.bz2 hash: - md5: 1460f703e4ed3a7bda01ef1baee3a2ea - sha256: 99fbaaa9374f694a2fa86ca37b9c7d5044b3a21f2fdaff23048f1423031f03ac + md5: 57f70b39e74b4af667775c0a07f35cc3 + sha256: bc96dd4ee4d7ee5d6753158ba50aacd08c80a657847d6771cc4c56da538437e7 category: main optional: false - - name: terminado - version: 0.18.0 + - name: tableschema + version: 1.19.3 manager: conda platform: osx-arm64 dependencies: - __osx: "" - ptyprocess: "" - python: ">=3.8" - tornado: ">=6.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/terminado-0.18.0-pyh31c8845_0.conda + python: "" + python-dateutil: ">=2.4" + six: ">=1.9" + jsonschema: ">=2.5" + requests: ">=2.5" + unicodecsv: ">=0.14" + isodate: ">=0.5.4" + click: ">=3.3" + rfc3986: ">=1.1.0" + cached-property: ">=1.5" + tabulator: ">=1.29" + url: https://conda.anaconda.org/conda-forge/noarch/tableschema-1.19.3-pyh9f0ad1d_0.tar.bz2 hash: - md5: 14759b57f5b9d97033e633fff0a2d27e - sha256: 8e8741c688ade9be8f86c0b209780c7fbe4a97e4265311ca9d8dda5fcedc6a28 + md5: 57f70b39e74b4af667775c0a07f35cc3 + sha256: bc96dd4ee4d7ee5d6753158ba50aacd08c80a657847d6771cc4c56da538437e7 category: main optional: false - - name: tinycss2 - version: 1.2.1 + - name: tabulate + version: 0.9.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.5" - webencodings: ">=0.4" - url: https://conda.anaconda.org/conda-forge/noarch/tinycss2-1.2.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tabulate-0.9.0-pyhd8ed1ab_1.tar.bz2 hash: - md5: 7234c9eefff659501cd2fe0d2ede4d48 - sha256: f0db1a2298a5e10e30f4b947566c7229442834702f549dded40a73ecdea7502d + md5: 4759805cce2d914c38472f70bf4d8bcb + sha256: f6e4a0dd24ba060a4af69ca79d32361a6678e61d78c73eb5e357909b025b4620 category: main optional: false - - name: tqdm - version: 4.66.1 + - name: tabulate + version: 0.9.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - colorama: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/tqdm-4.66.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/tabulate-0.9.0-pyhd8ed1ab_1.tar.bz2 hash: - md5: 03c97908b976498dcae97eb4e4f3149c - sha256: b61c9222af05e8c5ff27e4a4d2eb81870c21ffd7478346be3ef644b7a3759cc4 + md5: 4759805cce2d914c38472f70bf4d8bcb + sha256: f6e4a0dd24ba060a4af69ca79d32361a6678e61d78c73eb5e357909b025b4620 category: main optional: false - - name: typing-extensions - version: 4.8.0 + - name: tabulate + version: 0.9.0 manager: conda platform: osx-arm64 dependencies: - typing_extensions: 4.8.0 - url: https://conda.anaconda.org/conda-forge/noarch/typing-extensions-4.8.0-hd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tabulate-0.9.0-pyhd8ed1ab_1.tar.bz2 hash: - md5: 384462e63262a527bda564fa2d9126c0 - sha256: d6e1dddd0c372218ef15912383d351ac8c73465cbf16238017f0269813cafe2d + md5: 4759805cce2d914c38472f70bf4d8bcb + sha256: f6e4a0dd24ba060a4af69ca79d32361a6678e61d78c73eb5e357909b025b4620 category: main optional: false - - name: typing_inspect - version: 0.9.0 + - name: tabulator + version: 1.53.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.5" - typing_extensions: ">=3.7.4" - mypy_extensions: ">=0.3.0" - url: https://conda.anaconda.org/conda-forge/noarch/typing_inspect-0.9.0-pyhd8ed1ab_0.conda + boto3: ">=1.9" + chardet: ">=3.0" + click: ">=6.0" + ijson: ">=3.0.3" + jsonlines: ">=1.1" + linear-tsv: ">=1.0" + openpyxl: ">=2.6" + python: ">=3" + requests: ">=2.8" + six: ">=1.9" + sqlalchemy: ">=0.9.6" + unicodecsv: ">=0.14" + xlrd: ">=1.0" + url: https://conda.anaconda.org/conda-forge/noarch/tabulator-1.53.5-pyhd8ed1ab_0.tar.bz2 hash: - md5: 9e924b76b91908a17e28a19a0ab88687 - sha256: 16e0b825c138e14ebc84623248d91d93a8cff29bb93595cc4aa46ca32f24f1de + md5: c967687222ad29a74f68e99698d08d30 + sha256: b5fb89f1154cf6b5e620c18a9c4f73c7b79afa72a7e3e840a82e225a90955335 category: main optional: false - - name: universal_pathlib - version: 0.1.4 + - name: tabulator + version: 1.53.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8,<3.12" - fsspec: ">=2022.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/universal_pathlib-0.1.4-pyhd8ed1ab_0.conda + python: ">=3" + click: ">=6.0" + six: ">=1.9" + chardet: ">=3.0" + unicodecsv: ">=0.14" + requests: ">=2.8" + boto3: ">=1.9" + xlrd: ">=1.0" + jsonlines: ">=1.1" + linear-tsv: ">=1.0" + sqlalchemy: ">=0.9.6" + openpyxl: ">=2.6" + ijson: ">=3.0.3" + url: https://conda.anaconda.org/conda-forge/noarch/tabulator-1.53.5-pyhd8ed1ab_0.tar.bz2 hash: - md5: 08ca974df312b574c4d6511426539a87 - sha256: ee5a8f423b7429e2ebc0051638875a69e4dc4558c07a26d3063866cebed5fb66 + md5: c967687222ad29a74f68e99698d08d30 + sha256: b5fb89f1154cf6b5e620c18a9c4f73c7b79afa72a7e3e840a82e225a90955335 category: main optional: false - - name: urllib3 - version: 1.26.18 + - name: tabulator + version: 1.53.5 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - brotli-python: ">=1.0.9" - pysocks: ">=1.5.6,<2.0,!=1.5.7" - url: https://conda.anaconda.org/conda-forge/noarch/urllib3-1.26.18-pyhd8ed1ab_0.conda + python: ">=3" + click: ">=6.0" + six: ">=1.9" + chardet: ">=3.0" + unicodecsv: ">=0.14" + requests: ">=2.8" + boto3: ">=1.9" + xlrd: ">=1.0" + jsonlines: ">=1.1" + linear-tsv: ">=1.0" + sqlalchemy: ">=0.9.6" + openpyxl: ">=2.6" + ijson: ">=3.0.3" + url: https://conda.anaconda.org/conda-forge/noarch/tabulator-1.53.5-pyhd8ed1ab_0.tar.bz2 hash: - md5: bf61cfd2a7f212efba378167a07d4a6a - sha256: 1cc0bab65a6ad0f5a8bd7657760a4fb4e670d30377f9dab88b792977cb3687e7 + md5: c967687222ad29a74f68e99698d08d30 + sha256: b5fb89f1154cf6b5e620c18a9c4f73c7b79afa72a7e3e840a82e225a90955335 category: main optional: false - - name: watchdog - version: 3.0.0 + - name: terminado + version: 0.18.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - pyyaml: ">=3.10" - url: https://conda.anaconda.org/conda-forge/osx-arm64/watchdog-3.0.0-py311heffc1b2_1.conda + __linux: "" + ptyprocess: "" + python: ">=3.8" + tornado: ">=6.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/terminado-0.18.0-pyh0d859eb_0.conda hash: - md5: 67202ddda794d7ff7ca6b6e45337073d - sha256: 3fd810c89bb56b70518f1e60b7d3769ca13ab8a55e572cc90bba61f7a2a3e8b5 + md5: e463f348b8b0eb62c9f7c6fbc780286c + sha256: e90139ef15ea9d75a69cd6b6302c29ed5b01c03ddfa717b71acb32b60af74269 category: main optional: false - - name: xerces-c - version: 3.2.4 + - name: terminado + version: 0.18.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - icu: ">=73.2,<74.0a0" - libcurl: ">=8.2.1,<9.0a0" - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/xerces-c-3.2.4-hd886eac_3.conda + __osx: "" + ptyprocess: "" + python: ">=3.8" + tornado: ">=6.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/terminado-0.18.0-pyh31c8845_0.conda hash: - md5: 916e77cb0be0040410881fba8e28b5bb - sha256: 5ecc3322ddcad0a002a44bd4dddfe898b9e02951c629f6962c23b3bcf6014c9f + md5: 14759b57f5b9d97033e633fff0a2d27e + sha256: 8e8741c688ade9be8f86c0b209780c7fbe4a97e4265311ca9d8dda5fcedc6a28 category: main optional: false - - name: yarl - version: 1.9.2 + - name: terminado + version: 0.18.0 manager: conda platform: osx-arm64 dependencies: - idna: ">=2.0" - multidict: ">=4.0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/yarl-1.9.2-py311h05b510d_1.conda + __osx: "" + ptyprocess: "" + python: ">=3.8" + tornado: ">=6.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/terminado-0.18.0-pyh31c8845_0.conda hash: - md5: ada6c2013b3616c82f8f090871aaecdc - sha256: eccb5dc2e3c6cf23ec7ca94f591cb7ab1bd362e5eba546a4d7e2bb8c219a93ec + md5: 14759b57f5b9d97033e633fff0a2d27e + sha256: 8e8741c688ade9be8f86c0b209780c7fbe4a97e4265311ca9d8dda5fcedc6a28 category: main optional: false - - name: addfips - version: 0.4.0 + - name: text-unidecode + version: "1.3" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - importlib_resources: ">=5.0" - python: ">=3.7.5" - url: https://conda.anaconda.org/conda-forge/noarch/addfips-0.4.0-pyhd8ed1ab_1.conda + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/text-unidecode-1.3-pyhd8ed1ab_1.conda hash: - md5: cb434d01bfd3ba57c54a423f3773ffda - sha256: c6f7bf91f19ad4fdd183efde6346a0dfd3df7929f413c9535e19c51610b4f671 + md5: ba8aba332d8868897ce44ad74015a7fe + sha256: db64669a918dec8c744f80a85b9c82216b79298256c7c8bd19bdba54a02f8914 category: main optional: false - - name: aniso8601 - version: 9.0.1 + - name: text-unidecode + version: "1.3" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python-dateutil: "" - python: ">=2.7" - url: https://conda.anaconda.org/conda-forge/noarch/aniso8601-9.0.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/text-unidecode-1.3-pyhd8ed1ab_1.conda hash: - md5: 36fba1a639f2d24723c5480345b78553 - sha256: 201c040b6ee0045805a777f75f37a8648eb8dfd4725d62a4fcddc24d7d6c2a9f - category: dev - optional: true - - name: argon2-cffi-bindings - version: 21.2.0 + md5: ba8aba332d8868897ce44ad74015a7fe + sha256: db64669a918dec8c744f80a85b9c82216b79298256c7c8bd19bdba54a02f8914 + category: main + optional: false + - name: text-unidecode + version: "1.3" manager: conda platform: osx-arm64 dependencies: - cffi: ">=1.0.1" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/argon2-cffi-bindings-21.2.0-py311heffc1b2_4.conda + python: ">=3.4" + url: https://conda.anaconda.org/conda-forge/noarch/text-unidecode-1.3-pyhd8ed1ab_1.conda hash: - md5: e9a56c22ca1215ed3a7b6a9e8c4e6f07 - sha256: b9ab23e4f0d615432949d4b93723bd04b3c4aef725aa03b1e993903265c1b975 + md5: ba8aba332d8868897ce44ad74015a7fe + sha256: db64669a918dec8c744f80a85b9c82216b79298256c7c8bd19bdba54a02f8914 category: main optional: false - - name: arrow - version: 1.3.0 + - name: threadpoolctl + version: 3.2.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: python: ">=3.8" - python-dateutil: ">=2.7.0" - types-python-dateutil: ">=2.8.10" - url: https://conda.anaconda.org/conda-forge/noarch/arrow-1.3.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/threadpoolctl-3.2.0-pyha21a80b_0.conda hash: - md5: b77d8c2313158e6e461ca0efb1c2c508 - sha256: ff49825c7f9e29e09afa6284300810e7a8640d621740efb47c4541f4dc4969db + md5: 978d03388b62173b8e6f79162cf52b86 + sha256: 15e2f916fbfe3cc480160aa99eb6ba3edc183fceb234f10151d63870fdc4eccd category: main optional: false - - name: async-timeout - version: 4.0.3 + - name: threadpoolctl + version: 3.2.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - typing-extensions: ">=3.6.5" - url: https://conda.anaconda.org/conda-forge/noarch/async-timeout-4.0.3-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/threadpoolctl-3.2.0-pyha21a80b_0.conda hash: - md5: 3ce482ec3066e6d809dbbb1d1679f215 - sha256: bd8b698e7f037a9c6107216646f1191f4f7a7fc6da6c34d1a6d4c211bcca8979 + md5: 978d03388b62173b8e6f79162cf52b86 + sha256: 15e2f916fbfe3cc480160aa99eb6ba3edc183fceb234f10151d63870fdc4eccd category: main optional: false - - name: aws-crt-cpp - version: 0.24.7 + - name: threadpoolctl + version: 3.2.0 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - aws-c-auth: ">=0.7.7,<0.7.8.0a0" - aws-c-cal: ">=0.6.9,<0.6.10.0a0" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" - aws-c-http: ">=0.7.14,<0.7.15.0a0" - aws-c-io: ">=0.13.35,<0.13.36.0a0" - aws-c-mqtt: ">=0.9.9,<0.9.10.0a0" - aws-c-s3: ">=0.3.24,<0.3.25.0a0" - aws-c-sdkutils: ">=0.1.12,<0.1.13.0a0" - libcxx: ">=16.0.6" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-crt-cpp-0.24.7-h528e168_2.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/threadpoolctl-3.2.0-pyha21a80b_0.conda hash: - md5: a01004b3736f99828d34191521a648ad - sha256: 38b5b5a93a0218586ee135cce4fce58c20b6be9cad8a7319d2bc83b3eee74668 + md5: 978d03388b62173b8e6f79162cf52b86 + sha256: 15e2f916fbfe3cc480160aa99eb6ba3edc183fceb234f10151d63870fdc4eccd category: main optional: false - - name: botocore - version: 1.32.3 + - name: tiledb + version: 2.16.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - python-dateutil: ">=2.1,<3.0.0" - jmespath: ">=0.7.1,<2.0.0" - urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.3-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libabseil: ">=20230802.0,<20230803.0a0" + libgcc-ng: ">=12" + libgoogle-cloud: ">=2.12.0,<2.13.0a0" + libstdcxx-ng: ">=12" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + openssl: ">=3.1.2,<4.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/tiledb-2.16.3-h8c794c1_3.conda hash: - md5: 475a711b6ce1effb487afda9ea6bd3c8 - sha256: 3fc12b5154c48132ce5bd9abdc5fc55ef4433d42245dbcdaf3065cabb60b8295 + md5: 7de728789b0aba16018f726dc5ddbec2 + sha256: f021df4b9cfd1a54aac87a6c0bac604edc8ffb36d5b2c4aa20bf2d759ae04a11 category: main optional: false - - name: branca - version: 0.7.0 + - name: tiledb + version: 2.16.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - jinja2: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/branca-0.7.0-pyhd8ed1ab_1.conda + __osx: ">=10.13" + bzip2: ">=1.0.8,<2.0a0" + libabseil: ">=20230802.0,<20230803.0a0" + libcxx: ">=15.0.7" + libgoogle-cloud: ">=2.12.0,<2.13.0a0" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + openssl: ">=3.1.2,<4.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/tiledb-2.16.3-hd3a41d5_3.conda hash: - md5: 980ae382aec2ebb7c20e8848f4d695d7 - sha256: 9013b381e6745a7f717b7f742d3fe366ba619f1670da0d849ae589c4e88b0dbc + md5: 53c2d2746f21a60d0c498c36fb32ec56 + sha256: 9144ad40adb982107dd4f5084d1e488b216025eed91a3feeb3506ee4d5bc98dd category: main optional: false - - name: croniter - version: 2.0.1 + - name: tiledb + version: 2.16.3 manager: conda platform: osx-arm64 dependencies: - python-dateutil: "" - python: ">=3.7" - pytz: ">2021.1" - url: https://conda.anaconda.org/conda-forge/noarch/croniter-2.0.1-pyhd8ed1ab_0.conda + bzip2: ">=1.0.8,<2.0a0" + libabseil: ">=20230802.0,<20230803.0a0" + libcxx: ">=15.0.7" + libgoogle-cloud: ">=2.12.0,<2.13.0a0" + libxml2: ">=2.11.5,<2.12.0a0" + libzlib: ">=1.2.13,<1.3.0a0" + lz4-c: ">=1.9.3,<1.10.0a0" + openssl: ">=3.1.2,<4.0a0" + zstd: ">=1.5.5,<1.6.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/tiledb-2.16.3-he15c4da_3.conda hash: - md5: f67f52c1f555785b86c3bd8e5de4c66f - sha256: 0a39004b6e4ddff1a323432c0790d61a8885f35af9e60cc7e76ad8f6d43e3f34 + md5: fcf3711dd1817fd6e8ab59be86aa8dd9 + sha256: c2576bf0344b441f4c7d9212cfa68fe64de88dc9da735cb541c7faa0595d260f category: main optional: false - - name: cryptography - version: 41.0.5 + - name: timezonefinder + version: 6.2.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - cffi: ">=1.12" - openssl: ">=3.1.4,<4.0a0" + cffi: ">=1.15.1,<2" + h3-py: ">=3.7.6,<4" + libgcc-ng: ">=12" + numpy: ">=1.18,<2" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/cryptography-41.0.5-py311h71175c2_0.conda - hash: - md5: adc55f424334b834098d50e57efe0789 - sha256: 00c9b389b51b6e951a1f639aa04dceca9e329e144275c79b4f6baacd3fb90345 - category: main - optional: false - - name: fqdn - version: 1.5.1 - manager: conda - platform: osx-arm64 - dependencies: - cached-property: ">=1.3.0" - python: ">=2.7,<4" - url: https://conda.anaconda.org/conda-forge/noarch/fqdn-1.5.1-pyhd8ed1ab_0.tar.bz2 + setuptools: ">=65.5" + url: https://conda.anaconda.org/conda-forge/linux-64/timezonefinder-6.2.0-py311h459d7ec_2.conda hash: - md5: 642d35437078749ef23a5dca2c9bb1f3 - sha256: 6cfd1f9bcd2358a69fb571f4b3af049b630d52647d906822dbedac03e84e4f63 + md5: f5beeea76fa273f90360990938885d59 + sha256: b6227b634ac8e8e255e089476b0f9634c9b9cf33cc9db4821e820b4746b98aa7 category: main optional: false - - name: geotiff - version: 1.7.1 + - name: timezonefinder + version: 6.2.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libcxx: ">=15.0.7" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - proj: ">=9.3.0,<9.3.1.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/geotiff-1.7.1-h71398c0_14.conda + cffi: ">=1.15.1,<2" + h3-py: ">=3.7.6,<4" + numpy: ">=1.18,<2" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: ">=65.5" + url: https://conda.anaconda.org/conda-forge/osx-64/timezonefinder-6.2.0-py311he705e18_2.conda hash: - md5: f2a5ed847c17df7b45467210f5a7c15d - sha256: 0af388cc45d1813c57ba5f30032b22a8fdf9bc2762bacf4101168009d51d24ce + md5: 64122075c5e685197353fa1e5e9d1916 + sha256: 147719244fedcab5eb4b56cffd84b4ad0fed2ab1877e623c863c590966443c4b category: main optional: false - - name: gitpython - version: 3.1.40 + - name: timezonefinder + version: 6.2.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - typing_extensions: ">=3.7.4.3" - gitdb: ">=4.0.1,<5" - url: https://conda.anaconda.org/conda-forge/noarch/gitpython-3.1.40-pyhd8ed1ab_0.conda + cffi: ">=1.15.1,<2" + h3-py: ">=3.7.6,<4" + numpy: ">=1.18,<2" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + setuptools: ">=65.5" + url: https://conda.anaconda.org/conda-forge/osx-arm64/timezonefinder-6.2.0-py311h05b510d_2.conda hash: - md5: 6bf74c3b7c13079a91d4bd3da51cefcf - sha256: 6b85809ffbfe5c1887b674bf0492cc4dd1ac8a25f4d9fa20ef404be92186259b + md5: e780e1885d409abccd8503f8f96c2bee + sha256: c855dc357c20d53cad167f395d3dd8face48b5cb6e3cb9f7a64b702ce14c7a12 category: main optional: false - - name: google-crc32c - version: 1.1.2 + - name: tinycss2 + version: 1.2.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - cffi: ">=1.0.0" - libcrc32c: ">=1.1.2,<1.2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/google-crc32c-1.1.2-py311h533d1a3_5.conda + python: ">=3.5" + webencodings: ">=0.4" + url: https://conda.anaconda.org/conda-forge/noarch/tinycss2-1.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: b884d02272be40f69bff016a9214722c - sha256: 6bf42988b7d723a9a8742544ed2c85f58ce56802fe74f8dbf39bba3e97f167b8 + md5: 7234c9eefff659501cd2fe0d2ede4d48 + sha256: f0db1a2298a5e10e30f4b947566c7229442834702f549dded40a73ecdea7502d category: main optional: false - - name: googleapis-common-protos - version: 1.61.0 + - name: tinycss2 + version: 1.2.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda + python: ">=3.5" + webencodings: ">=0.4" + url: https://conda.anaconda.org/conda-forge/noarch/tinycss2-1.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: f315d7fdc1905dcc2e18a1c7bed22fa9 - sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e + md5: 7234c9eefff659501cd2fe0d2ede4d48 + sha256: f0db1a2298a5e10e30f4b947566c7229442834702f549dded40a73ecdea7502d category: main optional: false - - name: gql - version: 3.4.1 + - name: tinycss2 + version: 1.2.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - graphql-core: ">=3.2,<3.3" - yarl: ">=1.6,<2.0" - backoff: ">=1.11.1,<3.0" - url: https://conda.anaconda.org/conda-forge/noarch/gql-3.4.1-pyhd8ed1ab_0.conda + python: ">=3.5" + webencodings: ">=0.4" + url: https://conda.anaconda.org/conda-forge/noarch/tinycss2-1.2.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 6ad94588f33ddb97175c7f22feef7d2c - sha256: 6025dcd91083fe1d3f38172d18d041b0c1da4d9d86606a18312efd429c99b93e - category: dev - optional: true - - name: graphql-relay - version: 3.2.0 + md5: 7234c9eefff659501cd2fe0d2ede4d48 + sha256: f0db1a2298a5e10e30f4b947566c7229442834702f549dded40a73ecdea7502d + category: main + optional: false + - name: tk + version: 8.6.13 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - graphql-core: ">=3.2,<3.3" - typing_extensions: ">=4.1,<5" - url: https://conda.anaconda.org/conda-forge/noarch/graphql-relay-3.2.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/tk-8.6.13-noxft_h4845f30_101.conda hash: - md5: 1b2b83e3528f8fb83007161eff51073d - sha256: 04f2a3383e74421441e46eaed4c32940682c1de82036fd1b6f18663d6d5447c4 - category: dev - optional: true - - name: grpcio-health-checking - version: 1.59.2 + md5: d453b98d9c83e71da0741bb0ff4d76bc + sha256: e0569c9caa68bf476bead1bed3d79650bb080b532c64a4af7d8ca286c08dea4e + category: main + optional: false + - name: tk + version: 8.6.13 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.5" - protobuf: ">=3.12.1" - grpcio: ">=1.59.2" - url: https://conda.anaconda.org/conda-forge/noarch/grpcio-health-checking-1.59.2-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/tk-8.6.13-h1abcd95_1.conda hash: - md5: 8b85dc4c1a577f1823b394d5071052de - sha256: b77ffee9cbd731caa6eca7487286bc65551729744a89ecb3335ca220fec4061d + md5: bf830ba5afc507c6232d4ef0fb1a882d + sha256: 30412b2e9de4ff82d8c2a7e5d06a15f4f4fef1809a72138b6ccb53a33b26faf5 category: main optional: false - - name: httpcore - version: 1.0.2 + - name: tk + version: 8.6.13 manager: conda platform: osx-arm64 dependencies: - certifi: "" - python: ">=3.8" - sniffio: 1.* - h2: ">=3,<5" - anyio: ">=3.0,<5.0" - h11: ">=0.13,<0.15" - url: https://conda.anaconda.org/conda-forge/noarch/httpcore-1.0.2-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/tk-8.6.13-h5083fa2_1.conda hash: - md5: 48995b2157996a94f50fa483d884e0a3 - sha256: b9a2ec0ecdaf54d67caf73d8a94c8ddba62f482093a5adbfb89c2ce020d64475 + md5: b50a57ba89c32b62428b71a875291c9b + sha256: 72457ad031b4c048e5891f3f6cb27a53cb479db68a52d965f796910e71a403a8 category: main optional: false - - name: importlib_metadata - version: 6.8.0 + - name: toml + version: 0.10.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - importlib-metadata: ">=6.8.0,<6.8.1.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/importlib_metadata-6.8.0-hd8ed1ab_0.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/toml-0.10.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: b279b07ce18058034e5b3606ba103a8b - sha256: b96e01dc42d547d6d9ceb1c5b52a5232cc04e40153534350f702c3e0418a6b3f + md5: f832c45a477c78bebd107098db465095 + sha256: f0f3d697349d6580e4c2f35ba9ce05c65dc34f9f049e85e45da03800b46139c1 category: main optional: false - - name: jsonschema-specifications - version: 2023.11.1 + - name: toml + version: 0.10.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - importlib_resources: ">=1.4.0" - referencing: ">=0.31.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/toml-0.10.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 094ff9cf36957f95bb74cee42ab140b2 - sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 + md5: f832c45a477c78bebd107098db465095 + sha256: f0f3d697349d6580e4c2f35ba9ce05c65dc34f9f049e85e45da03800b46139c1 category: main optional: false - - name: jupyter_server_terminals - version: 0.4.4 + - name: toml + version: 0.10.2 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - terminado: ">=0.8.3" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server_terminals-0.4.4-pyhd8ed1ab_1.conda + python: ">=2.7" + url: https://conda.anaconda.org/conda-forge/noarch/toml-0.10.2-pyhd8ed1ab_0.tar.bz2 hash: - md5: 7c0965e1d4a0ee1529e8eaa03a78a5b3 - sha256: 9f4c5fef9beef9fceed628db7a10b888f3308b37ae257ad3d50046088317ebf1 + md5: f832c45a477c78bebd107098db465095 + sha256: f0f3d697349d6580e4c2f35ba9ce05c65dc34f9f049e85e45da03800b46139c1 category: main optional: false - - name: kealib - version: 1.5.2 + - name: tomli + version: 2.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/kealib-1.5.2-h47b5e36_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tomli-2.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: 88abe34211296bbc0ba1871fd2b13962 - sha256: 93e9b03cd9035766c43e5f7f851fc07a4f68b79fd48c1306280f17093a8ae746 + md5: 5844808ffab9ebdb694585b50ba02a96 + sha256: 4cd48aba7cd026d17e86886af48d0d2ebc67ed36f87f6534f4b67138f5a5a58f category: main optional: false - - name: libnetcdf - version: 4.9.2 + - name: tomli + version: 2.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - blosc: ">=1.21.4,<2.0a0" - bzip2: ">=1.0.8,<2.0a0" - hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" - libaec: ">=1.0.6,<2.0a0" - libcurl: ">=8.2.1,<9.0a0" - libcxx: ">=15.0.7" - libxml2: ">=2.11.5,<2.12.0a0" - libzip: ">=1.10.1,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.2,<4.0a0" - zlib: "" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libnetcdf-4.9.2-nompi_hb2fb864_112.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tomli-2.0.1-pyhd8ed1ab_0.tar.bz2 hash: - md5: fdd8c3b65f9369c4a5bbf23164ea8e19 - sha256: fef33b99225691fce165cd1aadb85c823e2a3a9e5d67c3069f1d6b9ebbf53fdf + md5: 5844808ffab9ebdb694585b50ba02a96 + sha256: 4cd48aba7cd026d17e86886af48d0d2ebc67ed36f87f6534f4b67138f5a5a58f category: main optional: false - - name: libspatialite - version: 5.1.0 + - name: tomli + version: 2.0.1 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - freexl: ">=2.0.0,<3.0a0" - geos: ">=3.12.0,<3.12.1.0a0" - libcxx: ">=16.0.6" - libiconv: ">=1.17,<2.0a0" - librttopo: ">=1.1.0,<1.2.0a0" - libsqlite: ">=3.44.0,<4.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - proj: ">=9.3.0,<9.3.1.0a0" - sqlite: "" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libspatialite-5.1.0-h5b80306_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tomli-2.0.1-pyhd8ed1ab_0.tar.bz2 + hash: + md5: 5844808ffab9ebdb694585b50ba02a96 + sha256: 4cd48aba7cd026d17e86886af48d0d2ebc67ed36f87f6534f4b67138f5a5a58f + category: main + optional: false + - name: tomlkit + version: 0.12.3 + manager: conda + platform: linux-64 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tomlkit-0.12.3-pyha770c72_0.conda hash: - md5: eb794aae59c5b3b475a42809a5240a73 - sha256: 21c40582abf3b8125b810873e434dc3c8bc4fc024b92ebd25f9a549154791919 + md5: 074d0ce7a6261ab8b497c3518796ef3e + sha256: 53cc436ab92d38683df1320e4468a8b978428e800195bf1c8c2460e90b0bc117 category: main optional: false - - name: mako - version: 1.3.0 + - name: tomlkit + version: 0.12.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - importlib-metadata: "" - python: ">=3.6" - markupsafe: ">=0.9.2" - url: https://conda.anaconda.org/conda-forge/noarch/mako-1.3.0-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tomlkit-0.12.3-pyha770c72_0.conda hash: - md5: 92ca4a92d34ed6e8fa38d93c8552c346 - sha256: b3c0353790ae5a5ebb54aa339661083a6234e5193e758668e62ba36c48dc3c94 + md5: 074d0ce7a6261ab8b497c3518796ef3e + sha256: 53cc436ab92d38683df1320e4468a8b978428e800195bf1c8c2460e90b0bc117 category: main optional: false - - name: numpy - version: 1.26.0 + - name: tomlkit + version: 0.12.3 manager: conda platform: osx-arm64 dependencies: - libblas: ">=3.9.0,<4.0a0" - libcblas: ">=3.9.0,<4.0a0" - libcxx: ">=15.0.7" - liblapack: ">=3.9.0,<4.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/numpy-1.26.0-py311hb8f3215_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tomlkit-0.12.3-pyha770c72_0.conda hash: - md5: 97f8632bf2ad5c179ff68fc90c71c2ae - sha256: fca5ee1363f22a160c97e92d6400d4636f4b05987b08085e4f79fb6efb75fd0a + md5: 074d0ce7a6261ab8b497c3518796ef3e + sha256: 53cc436ab92d38683df1320e4468a8b978428e800195bf1c8c2460e90b0bc117 category: main optional: false - - name: pango - version: 1.50.14 + - name: toolz + version: 0.12.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - cairo: ">=1.16.0,<2.0a0" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - fribidi: ">=1.0.10,<2.0a0" - harfbuzz: ">=8.1.1,<9.0a0" - libglib: ">=2.76.4,<3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pango-1.50.14-hcf40dda_2.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/toolz-0.12.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 79026cbb74d69b444e5dc2be0fb4b4a9 - sha256: e17f649192ce06c68893b50fa2492db87d2d82ae6d3c6058cc62dcc44dde8b2e - category: dev - optional: true - - name: pbr - version: 6.0.0 + md5: 92facfec94bc02d6ccf42e7173831a36 + sha256: 90229da7665175b0185183ab7b53f50af487c7f9b0f47cf09c184cbc139fd24b + category: main + optional: false + - name: toolz + version: 0.12.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - pip: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/pbr-6.0.0-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/toolz-0.12.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 8dbab5ba746ed14aa32cb232dc437f8f - sha256: 4c83853fc6349de163c2871613e064e5fdab91723db9b50bcda681adc05e4b87 + md5: 92facfec94bc02d6ccf42e7173831a36 + sha256: 90229da7665175b0185183ab7b53f50af487c7f9b0f47cf09c184cbc139fd24b category: main optional: false - - name: pendulum - version: 2.1.2 + - name: toolz + version: 0.12.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.6,<3.0" - python_abi: 3.11.* - pytzdata: ">=2020.1" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pendulum-2.1.2-py311heffc1b2_6.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/toolz-0.12.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: f21ea89567e58aa645e40ded47edbdcb - sha256: 9530a44bc2eb93c67ce0dbaf899e7146587d94b50f7b2da755ca08ad24ed96d6 + md5: 92facfec94bc02d6ccf42e7173831a36 + sha256: 90229da7665175b0185183ab7b53f50af487c7f9b0f47cf09c184cbc139fd24b category: main optional: false - - name: platformdirs - version: 3.11.0 + - name: toposort + version: "1.10" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - typing-extensions: ">=4.6.3" - url: https://conda.anaconda.org/conda-forge/noarch/platformdirs-3.11.0-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/toposort-1.10-pyhd8ed1ab_0.conda hash: - md5: 8f567c0a74aa44cf732f15773b4083b0 - sha256: b3d809ff5a18ee8514bba8bc05a23b4cdf1758090a18a2cf742af38aed405144 + md5: aeef653e20028f19a3c2cc70e166b509 + sha256: 23589eeb84f55c9f245ffca1201a0dc9b16e838d39fe7857d4bd0e3026e5b75a category: main optional: false - - name: psycopg2-binary - version: 2.9.7 + - name: toposort + version: "1.10" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - psycopg2: ">=2.9.7,<2.9.8.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/toposort-1.10-pyhd8ed1ab_0.conda hash: - md5: 0212a5c5ae1ab578853364bfc5d9f657 - sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 + md5: aeef653e20028f19a3c2cc70e166b509 + sha256: 23589eeb84f55c9f245ffca1201a0dc9b16e838d39fe7857d4bd0e3026e5b75a category: main optional: false - - name: pybtex - version: 0.24.0 + - name: toposort + version: "1.10" manager: conda platform: osx-arm64 dependencies: - setuptools: "" - six: "" - python: ">=3.6" - latexcodec: ">=1.0.4" - pyyaml: ">=3.01" - url: https://conda.anaconda.org/conda-forge/noarch/pybtex-0.24.0-pyhd8ed1ab_2.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/toposort-1.10-pyhd8ed1ab_0.conda hash: - md5: 2099b86a7399c44c0c61cdb6de6915ba - sha256: 258fbf46050bbd51fbaa504116e56e8f3064156f0e08cad4e2fec97f5f29e6dc + md5: aeef653e20028f19a3c2cc70e166b509 + sha256: 23589eeb84f55c9f245ffca1201a0dc9b16e838d39fe7857d4bd0e3026e5b75a category: main optional: false - - name: pydantic - version: 1.10.13 + - name: tornado + version: 6.3.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - typing-extensions: ">=4.2.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pydantic-1.10.13-py311h05b510d_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/tornado-6.3.3-py311h459d7ec_1.conda hash: - md5: afdac206ecd2d91cd5478038e4cae4cf - sha256: eb7af4932468d40ef44fc595ff09f0ad5287a3ab2098b152b4b7fb1bd76782e5 + md5: a700fcb5cedd3e72d0c75d095c7a6eda + sha256: 3f0640415c6f50c6b31b5ce41a870ac48c130fda8921aae11afea84c54a6ba84 category: main optional: false - - name: pyobjc-framework-cocoa - version: "10.0" + - name: tornado + version: 6.3.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libffi: ">=3.4,<4.0a0" - pyobjc-core: 10.0.* python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/pyobjc-framework-cocoa-10.0-py311hb702dc4_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/tornado-6.3.3-py311h2725bcf_1.conda hash: - md5: ee9430e4e9b69a6270c966bb7439c9a0 - sha256: 31a7542b8ced5cb3bc236be0b5777dab4bc0e57fbfc5423e9d0ae09ce8eae16c + md5: daf5f053a40c2b0b8f86b605e302b7a4 + sha256: e3e4c12236b0a59e6568a9dc839116776eda408ca12bc0ad4e7a9dba4d66912f category: main optional: false - - name: pyproj - version: 3.6.1 + - name: tornado + version: 6.3.3 manager: conda platform: osx-arm64 dependencies: - certifi: "" - proj: ">=9.3.0,<9.3.1.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/pyproj-3.6.1-py311h20a9b75_4.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/tornado-6.3.3-py311heffc1b2_1.conda hash: - md5: c55fab7aa4252057e5e5efa90bd10cbe - sha256: 9d9923063e21aac5831b3dca820be3a824366f6871c839ea545f9b5e7358c844 + md5: a3a94203d225faec0d6bd000ea30b0a1 + sha256: 65e96fcaa2fad8013fdfd1c7cbdc4684b253541c10091fa7acd55b4a3daa87e6 category: main optional: false - - name: pytest-console-scripts - version: 1.4.1 + - name: tqdm + version: 4.66.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + colorama: "" python: ">=3.7" - importlib-metadata: ">=3.6" - pytest: ">=4.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-console-scripts-1.4.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/tqdm-4.66.1-pyhd8ed1ab_0.conda hash: - md5: ee8808504c73665bed76e20ede28bd56 - sha256: d6603e211019f2581c9f3c0922133b190a46e4ceaad3e3e0e6149f31bc593fa1 + md5: 03c97908b976498dcae97eb4e4f3149c + sha256: b61c9222af05e8c5ff27e4a4d2eb81870c21ffd7478346be3ef644b7a3759cc4 category: main optional: false - - name: pytest-cov - version: 4.1.0 + - name: tqdm + version: 4.66.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - toml: "" + colorama: "" python: ">=3.7" - pytest: ">=4.6" - coverage: ">=5.2.1" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-cov-4.1.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/tqdm-4.66.1-pyhd8ed1ab_0.conda hash: - md5: 06eb685a3a0b146347a58dda979485da - sha256: f07d3b44cabbed7843de654c4a6990a08475ce3b708bb735c7da9842614586f2 + md5: 03c97908b976498dcae97eb4e4f3149c + sha256: b61c9222af05e8c5ff27e4a4d2eb81870c21ffd7478346be3ef644b7a3759cc4 category: main optional: false - - name: pytest-mock - version: 3.12.0 + - name: tqdm + version: 4.66.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - pytest: ">=5.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-mock-3.12.0-pyhd8ed1ab_0.conda + colorama: "" + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/tqdm-4.66.1-pyhd8ed1ab_0.conda hash: - md5: ac9fedc9a0c397f2318e82525491dd83 - sha256: 58d3bd93a0cf9b51ac105de1e01b1fcd1fcfa5993023b67658344e329b02d6e0 + md5: 03c97908b976498dcae97eb4e4f3149c + sha256: b61c9222af05e8c5ff27e4a4d2eb81870c21ffd7478346be3ef644b7a3759cc4 category: main optional: false - - name: pytest-xdist - version: 3.4.0 + - name: traitlets + version: 5.13.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - execnet: ">=1.1" - pytest: ">=6.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/pytest-xdist-3.4.0-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda hash: - md5: b8dc6f9db1b9670e564b68277a79ffeb - sha256: b835170885a0d2b4bfdc7bc5d09e5a175518f41b6ffa1a0ac891797cd94e3292 + md5: 8a9953c15e1e5a7c1baddbbf4511a567 + sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 category: main optional: false - - name: python-build - version: 1.0.3 + - name: traitlets + version: 5.13.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - colorama: "" - pyproject_hooks: "" - python: ">=3.7" - tomli: ">=1.1.0" - packaging: ">=19.0" - importlib-metadata: ">=4.6" - url: https://conda.anaconda.org/conda-forge/noarch/python-build-1.0.3-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda hash: - md5: d9ccabf228cb98419ca3d5694b25e1a2 - sha256: f32748beb76abf5173ee956f30a82c9e9b4a3d9924b0960f1e19e267ea4f01de + md5: 8a9953c15e1e5a7c1baddbbf4511a567 + sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 category: main optional: false - - name: requests - version: 2.31.0 + - name: traitlets + version: 5.13.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - idna: ">=2.5,<4" - certifi: ">=2017.4.17" - charset-normalizer: ">=2,<4" - urllib3: ">=1.21.1,<3" - url: https://conda.anaconda.org/conda-forge/noarch/requests-2.31.0-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda hash: - md5: a30144e4156cdbb236f99ebb49828f8b - sha256: 9f629d6fd3c8ac5f2a198639fe7af87c4db2ac9235279164bfe0fcb49d8c4bad + md5: 8a9953c15e1e5a7c1baddbbf4511a567 + sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 category: main optional: false - - name: rich - version: 13.7.0 + - name: typeguard + version: 4.1.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7.0" - typing_extensions: ">=4.0.0,<5.0.0" - pygments: ">=2.13.0,<3.0.0" - markdown-it-py: ">=2.2.0" - url: https://conda.anaconda.org/conda-forge/noarch/rich-13.7.0-pyhd8ed1ab_0.conda + importlib_metadata: ">=3.6" + python: ">=3.8" + typing_extensions: ">=4.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/typeguard-4.1.5-pyhd8ed1ab_1.conda hash: - md5: d7a11d4f3024b2f4a6e0ae7377dd61e9 - sha256: 4bb25bf1f5664772b2c4c2e3878aa6e7dc2695f97e3da4ee8e47c51e179913bb + md5: 59d22e0ca481b057b94d54fc9ebacb13 + sha256: df63f90625d2eaefcb6990437b941c1c90ec3c224bc65a2becac928542d0aa5f category: main optional: false - - name: stack_data - version: 0.6.2 + - name: typeguard + version: 4.1.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - asttokens: "" - executing: "" - pure_eval: "" - python: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/stack_data-0.6.2-pyhd8ed1ab_0.conda + python: ">=3.8" + importlib_metadata: ">=3.6" + typing_extensions: ">=4.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/typeguard-4.1.5-pyhd8ed1ab_1.conda hash: - md5: e7df0fdd404616638df5ece6e69ba7af - sha256: a58433e75229bec39f3be50c02efbe9b7083e53a1f31d8ee247564f370191eec + md5: 59d22e0ca481b057b94d54fc9ebacb13 + sha256: df63f90625d2eaefcb6990437b941c1c90ec3c224bc65a2becac928542d0aa5f category: main optional: false - - name: starlette - version: 0.32.0.post1 + - name: typeguard + version: 4.1.5 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" - typing_extensions: ">=3.10.0" - anyio: <5,>=3.4.0 - url: https://conda.anaconda.org/conda-forge/noarch/starlette-0.32.0.post1-pyhd8ed1ab_0.conda + importlib_metadata: ">=3.6" + typing_extensions: ">=4.7.0" + url: https://conda.anaconda.org/conda-forge/noarch/typeguard-4.1.5-pyhd8ed1ab_1.conda hash: - md5: 9aa6d56db739eee2ff473becbe178fd1 - sha256: 9692b83467670b473dc71137376f735249ef2ee6eeefce9068b0dec94810c24c - category: dev - optional: true - - name: tiledb - version: 2.16.3 + md5: 59d22e0ca481b057b94d54fc9ebacb13 + sha256: df63f90625d2eaefcb6990437b941c1c90ec3c224bc65a2becac928542d0aa5f + category: main + optional: false + - name: typer + version: 0.9.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - bzip2: ">=1.0.8,<2.0a0" - libabseil: ">=20230802.0,<20230803.0a0" - libcxx: ">=15.0.7" - libgoogle-cloud: ">=2.12.0,<2.13.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - openssl: ">=3.1.2,<4.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/tiledb-2.16.3-he15c4da_3.conda + click: ">=7.1.1,<9" + colorama: ">=0.4.3,<0.5.0" + python: ">=3.6" + rich: ">=10.11.0,<14.0.0" + shellingham: ">=1.3.0,<2.0.0" + typing-extensions: ">=3.7.4.3" + url: https://conda.anaconda.org/conda-forge/noarch/typer-0.9.0-pyhd8ed1ab_0.conda hash: - md5: fcf3711dd1817fd6e8ab59be86aa8dd9 - sha256: c2576bf0344b441f4c7d9212cfa68fe64de88dc9da735cb541c7faa0595d260f + md5: 5030a13b2fe5e143d5956d4943d3018f + sha256: d395e1e92281abb13e043220ecf8ea973ada8d38a1e8c683df14f46541c64bd2 category: main optional: false - - name: ukkonen - version: 1.0.1 + - name: typer + version: 0.9.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - cffi: "" - libcxx: ">=15.0.7" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/ukkonen-1.0.1-py311he4fd1f5_4.conda + python: ">=3.6" + typing-extensions: ">=3.7.4.3" + colorama: ">=0.4.3,<0.5.0" + shellingham: ">=1.3.0,<2.0.0" + rich: ">=10.11.0,<14.0.0" + click: ">=7.1.1,<9" + url: https://conda.anaconda.org/conda-forge/noarch/typer-0.9.0-pyhd8ed1ab_0.conda hash: - md5: 5d5ab5c5af32931e03608034f4a5fd75 - sha256: 384fc81a34e248019d43a115386f77859ab63e0e6f12dade486d76359703743f + md5: 5030a13b2fe5e143d5956d4943d3018f + sha256: d395e1e92281abb13e043220ecf8ea973ada8d38a1e8c683df14f46541c64bd2 category: main optional: false - - name: uvicorn - version: 0.24.0 + - name: typer + version: 0.9.0 manager: conda platform: osx-arm64 dependencies: - click: ">=7.0" - h11: ">=0.8" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/uvicorn-0.24.0-py311h267d04e_0.conda + python: ">=3.6" + typing-extensions: ">=3.7.4.3" + colorama: ">=0.4.3,<0.5.0" + shellingham: ">=1.3.0,<2.0.0" + rich: ">=10.11.0,<14.0.0" + click: ">=7.1.1,<9" + url: https://conda.anaconda.org/conda-forge/noarch/typer-0.9.0-pyhd8ed1ab_0.conda hash: - md5: ed05fec89baaa5869db4e27bf4d510dc - sha256: 275934feb0e2cdfacd65414d8e54d3a9aa0e703f11a52ca3a0485df04a51cf77 + md5: 5030a13b2fe5e143d5956d4943d3018f + sha256: d395e1e92281abb13e043220ecf8ea973ada8d38a1e8c683df14f46541c64bd2 category: main optional: false - - name: watchfiles - version: 0.20.0 + - name: types-python-dateutil + version: 2.8.19.14 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - anyio: ">=3.0.0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/watchfiles-0.20.0-py311h0563b04_2.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/types-python-dateutil-2.8.19.14-pyhd8ed1ab_0.conda hash: - md5: ea73d4e419ab5459d0a91aff3c481a82 - sha256: 6517e3498c432858c1631d20476faf87bc071eb97f252c02190472c97e87b7fe - category: dev - optional: true - - name: wcwidth - version: 0.2.10 + md5: 4df15c51a543e806d439490b862be1c6 + sha256: 7b0129c72d371fa7a06ed5dd1d701844c20d03bb4641a38a88a982b347d087e2 + category: main + optional: false + - name: types-python-dateutil + version: 2.8.19.14 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - backports.functools_lru_cache: "" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/wcwidth-0.2.10-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/types-python-dateutil-2.8.19.14-pyhd8ed1ab_0.conda hash: - md5: 48978e4e99db7d1ee0d277f6dee20684 - sha256: e988673c05416073d0e776bac223b6c79fb5cc1207291c6c6f9e238624a135c0 + md5: 4df15c51a543e806d439490b862be1c6 + sha256: 7b0129c72d371fa7a06ed5dd1d701844c20d03bb4641a38a88a982b347d087e2 category: main optional: false - - name: aiohttp - version: 3.8.6 + - name: types-python-dateutil + version: 2.8.19.14 manager: conda platform: osx-arm64 dependencies: - aiosignal: ">=1.1.2" - async-timeout: <5.0,>=4.0.0a3 - attrs: ">=17.3.0" - charset-normalizer: ">=2.0,<4.0" - frozenlist: ">=1.1.1" - multidict: ">=4.5,<7.0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - yarl: ">=1.0,<2.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aiohttp-3.8.6-py311h05b510d_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/types-python-dateutil-2.8.19.14-pyhd8ed1ab_0.conda hash: - md5: c783a2696f1acfb0fcd748aa87118518 - sha256: b41fca4f9bd2f09cf0daeb762c5f74cedfea366f409dcbdcff8d565c616c2309 + md5: 4df15c51a543e806d439490b862be1c6 + sha256: 7b0129c72d371fa7a06ed5dd1d701844c20d03bb4641a38a88a982b347d087e2 category: main optional: false - - name: alembic - version: 1.12.1 + - name: types-pyyaml + version: 6.0.12.12 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - importlib-metadata: "" - importlib_resources: "" - mako: "" - python: ">=3.7" - sqlalchemy: ">=1.3.0" - typing-extensions: ">=4" - url: https://conda.anaconda.org/conda-forge/noarch/alembic-1.12.1-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/types-pyyaml-6.0.12.12-pyhd8ed1ab_0.conda hash: - md5: 15de9992b4096a2a6656ca202fde6e4c - sha256: 24019b1af4777e32843b230dd7a9bf7082943eb21bba03379ceed0bda50facf9 + md5: 0cb14c80f66937df894d60626dd1921f + sha256: 91873f91a58337d0573584bcdc540ff5545bc460eda0fdd8bd2f471c808c0e4c category: main optional: false - - name: arelle-release - version: 2.17.4 + - name: types-pyyaml + version: 6.0.12.12 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - certifi: "" - regex: "" - python: ">=3.8" - numpy: 1.* - python-dateutil: 2.* - isodate: 0.* - lxml: 4.* - openpyxl: 3.* - pyparsing: 3.* - url: https://conda.anaconda.org/conda-forge/noarch/arelle-release-2.17.4-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/types-pyyaml-6.0.12.12-pyhd8ed1ab_0.conda hash: - md5: 66972cbec7556aa94aba3da76b408f19 - sha256: a30a66c040021c396a99bf862ad78181a4888e67b2ac51ac7e21422c4165986c + md5: 0cb14c80f66937df894d60626dd1921f + sha256: 91873f91a58337d0573584bcdc540ff5545bc460eda0fdd8bd2f471c808c0e4c category: main optional: false - - name: argon2-cffi - version: 23.1.0 + - name: types-pyyaml + version: 6.0.12.12 manager: conda platform: osx-arm64 dependencies: - typing-extensions: "" - argon2-cffi-bindings: "" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/argon2-cffi-23.1.0-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/types-pyyaml-6.0.12.12-pyhd8ed1ab_0.conda hash: - md5: 3afef1f55a1366b4d3b6a0d92e2235e4 - sha256: 130766446f5507bd44df957b6b5c898a8bd98f024bb426ed6cb9ff1ad67fc677 + md5: 0cb14c80f66937df894d60626dd1921f + sha256: 91873f91a58337d0573584bcdc540ff5545bc460eda0fdd8bd2f471c808c0e4c category: main optional: false - - name: aws-sdk-cpp - version: 1.11.182 + - name: typing-extensions + version: 4.8.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - aws-c-common: ">=0.9.8,<0.9.9.0a0" - aws-c-event-stream: ">=0.3.2,<0.3.3.0a0" - aws-checksums: ">=0.1.17,<0.1.18.0a0" - aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/aws-sdk-cpp-1.11.182-h31542fa_7.conda + typing_extensions: 4.8.0 + url: https://conda.anaconda.org/conda-forge/noarch/typing-extensions-4.8.0-hd8ed1ab_0.conda hash: - md5: 6c837825a2350f590d307494e7a582ce - sha256: 8dd2f9b127c464a87de5e820b2edcb9fe8230a2ca5b8a051d86073f5359ec29e + md5: 384462e63262a527bda564fa2d9126c0 + sha256: d6e1dddd0c372218ef15912383d351ac8c73465cbf16238017f0269813cafe2d category: main optional: false - - name: black - version: 23.10.1 + - name: typing-extensions + version: 4.8.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - click: ">=8.0.0" - mypy_extensions: ">=0.4.3" - packaging: ">=22.0" - pathspec: ">=0.9" - platformdirs: ">=2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/black-23.10.1-py311h267d04e_0.conda + typing_extensions: 4.8.0 + url: https://conda.anaconda.org/conda-forge/noarch/typing-extensions-4.8.0-hd8ed1ab_0.conda hash: - md5: 12b064976b0152cb193120c645f6c3a0 - sha256: ec50f430559024cc7c8ef8733457bab49a6c88ef1ae857b4f7f2b44fe32b388e + md5: 384462e63262a527bda564fa2d9126c0 + sha256: d6e1dddd0c372218ef15912383d351ac8c73465cbf16238017f0269813cafe2d category: main optional: false - - name: bottleneck - version: 1.3.7 + - name: typing-extensions + version: 4.8.0 manager: conda platform: osx-arm64 dependencies: - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/bottleneck-1.3.7-py311hb49d859_1.conda + typing_extensions: 4.8.0 + url: https://conda.anaconda.org/conda-forge/noarch/typing-extensions-4.8.0-hd8ed1ab_0.conda hash: - md5: aa08818d574106d3926fcffd3f932389 - sha256: 423e5a12a559014273b5dfe732b22e059ede475562fe2175a5e7640ce34886f1 + md5: 384462e63262a527bda564fa2d9126c0 + sha256: d6e1dddd0c372218ef15912383d351ac8c73465cbf16238017f0269813cafe2d category: main optional: false - - name: cachecontrol - version: 0.13.1 + - name: typing_extensions + version: 4.8.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - msgpack-python: ">=0.5.2" - requests: ">=2.16.0" - url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-0.13.1-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/typing_extensions-4.8.0-pyha770c72_0.conda hash: - md5: 174bd699bb5aa9e2622eb4b288276ff8 - sha256: aae7ab3a54989f9bf9273e4a17c911ba339a8b9354250bc11fb8eff2e3f4be60 + md5: 5b1be40a26d10a06f6d4f1f9e19fa0c7 + sha256: 38d16b5c53ec1af845d37d22e7bb0e6c934c7f19499123507c5a470f6f8b7dde category: main optional: false - - name: contourpy - version: 1.2.0 + - name: typing_extensions + version: 4.8.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - numpy: ">=1.20,<2" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/contourpy-1.2.0-py311hd03642b_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/typing_extensions-4.8.0-pyha770c72_0.conda hash: - md5: c0fa0bea0af7ecdea23bf983655fa2d0 - sha256: 3ec341c3a33bbb7f60e9a96214e0e08c4ba9e4a553b18104194e7843abbb4ef4 + md5: 5b1be40a26d10a06f6d4f1f9e19fa0c7 + sha256: 38d16b5c53ec1af845d37d22e7bb0e6c934c7f19499123507c5a470f6f8b7dde category: main optional: false - - name: dask-core - version: 2023.11.0 + - name: typing_extensions + version: 4.8.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.9" - packaging: ">=20.0" - pyyaml: ">=5.3.1" - cloudpickle: ">=1.5.0" - toolz: ">=0.10.0" - partd: ">=1.2.0" - importlib_metadata: ">=4.13.0" - fsspec: ">=2021.09.0" - click: ">=8.1" - url: https://conda.anaconda.org/conda-forge/noarch/dask-core-2023.11.0-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/typing_extensions-4.8.0-pyha770c72_0.conda hash: - md5: 3bf8f5c3fbab9e0cfffdf5914f021854 - sha256: f23b4e5d8f118d9d7916d8def04dab9a299d73879216da72dd7168c1c30ecb9e + md5: 5b1be40a26d10a06f6d4f1f9e19fa0c7 + sha256: 38d16b5c53ec1af845d37d22e7bb0e6c934c7f19499123507c5a470f6f8b7dde category: main optional: false - - name: dnspython - version: 2.4.2 + - name: typing_inspect + version: 0.9.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - sniffio: "" - python: ">=3.8.0,<4.0.0" - cryptography: ">=2.6,<42.0" - httpcore: ">=0.17.3" - idna: ">=2.1,<4.0" - url: https://conda.anaconda.org/conda-forge/noarch/dnspython-2.4.2-pyhd8ed1ab_1.conda + mypy_extensions: ">=0.3.0" + python: ">=3.5" + typing_extensions: ">=3.7.4" + url: https://conda.anaconda.org/conda-forge/noarch/typing_inspect-0.9.0-pyhd8ed1ab_0.conda hash: - md5: b9657eab1e69207feba4f21fa1207b03 - sha256: eb7de9ddc2c3a5aef78d6c74d2652ada0e1d47e11304953e65b3c7dfd8290f18 + md5: 9e924b76b91908a17e28a19a0ab88687 + sha256: 16e0b825c138e14ebc84623248d91d93a8cff29bb93595cc4aa46ca32f24f1de category: main optional: false - - name: ensureconda - version: 1.4.3 + - name: typing_inspect + version: 0.9.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - appdirs: "" - filelock: "" - python: ">=3.7" - requests: ">=2" - click: ">=5.1" - url: https://conda.anaconda.org/conda-forge/noarch/ensureconda-1.4.3-pyhd8ed1ab_0.tar.bz2 + python: ">=3.5" + typing_extensions: ">=3.7.4" + mypy_extensions: ">=0.3.0" + url: https://conda.anaconda.org/conda-forge/noarch/typing_inspect-0.9.0-pyhd8ed1ab_0.conda hash: - md5: c99ae3abf501990769047b4b40a98f17 - sha256: b71784b6c24d2320b2f796d074e75e7dd1be7b7fc0f719c5cf3a582270b368d6 + md5: 9e924b76b91908a17e28a19a0ab88687 + sha256: 16e0b825c138e14ebc84623248d91d93a8cff29bb93595cc4aa46ca32f24f1de category: main optional: false - - name: folium - version: 0.15.0 + - name: typing_inspect + version: 0.9.0 manager: conda platform: osx-arm64 dependencies: - numpy: "" - requests: "" - python: ">=3.7" - jinja2: ">=2.9" - branca: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/folium-0.15.0-pyhd8ed1ab_0.conda + python: ">=3.5" + typing_extensions: ">=3.7.4" + mypy_extensions: ">=0.3.0" + url: https://conda.anaconda.org/conda-forge/noarch/typing_inspect-0.9.0-pyhd8ed1ab_0.conda hash: - md5: 25f5dbce4f946240dea7d2ee79d34254 - sha256: afe869f136fca1dbda8be0c342392fda99d951c4c4612f134a70efbf5449ef30 + md5: 9e924b76b91908a17e28a19a0ab88687 + sha256: 16e0b825c138e14ebc84623248d91d93a8cff29bb93595cc4aa46ca32f24f1de category: main optional: false - - name: google-resumable-media - version: 2.6.0 + - name: typing_utils + version: 0.1.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - google-crc32c: ">=1.0,<2.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-resumable-media-2.6.0-pyhd8ed1ab_0.conda + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/typing_utils-0.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 74fd9d08866e60fc412abc8dd7c5486c - sha256: 9e61d4ac7027b6447e83ab4b91fccc4baef6d1ba9490e20d06754254f7616bf5 + md5: eb67e3cace64c66233e2d35949e20f92 + sha256: 9e3758b620397f56fb709f796969de436d63b7117897159619b87938e1f78739 category: main optional: false - - name: graphene - version: "3.3" + - name: typing_utils + version: 0.1.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - aniso8601: ">=8,<10" - graphql-core: ">=3.1,<3.3" - graphql-relay: ">=3.1,<3.3" - url: https://conda.anaconda.org/conda-forge/noarch/graphene-3.3-pyhd8ed1ab_0.conda + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/typing_utils-0.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: ed2ae94977dfd96566e6eaf373216728 - sha256: 8b4e2c1d326849c0094f9e96a9833addb10f638be67bb0590836720879697ec6 - category: dev - optional: true - - name: grpcio-status - version: 1.59.2 + md5: eb67e3cace64c66233e2d35949e20f92 + sha256: 9e3758b620397f56fb709f796969de436d63b7117897159619b87938e1f78739 + category: main + optional: false + - name: typing_utils + version: 0.1.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.6" - googleapis-common-protos: ">=1.5.5" - protobuf: ">=4.21.6" - grpcio: ">=1.59.2" - url: https://conda.anaconda.org/conda-forge/noarch/grpcio-status-1.59.2-pyhd8ed1ab_0.conda + python: ">=3.6.1" + url: https://conda.anaconda.org/conda-forge/noarch/typing_utils-0.1.0-pyhd8ed1ab_0.tar.bz2 hash: - md5: 5bed0b44f99ef55c0470d2c610fbbac6 - sha256: 9513c5dd0f7fbdba8dfe70ed4e1f7591fa1c49520e06f9f0202c514475dd4257 + md5: eb67e3cace64c66233e2d35949e20f92 + sha256: 9e3758b620397f56fb709f796969de436d63b7117897159619b87938e1f78739 category: main optional: false - - name: gtk2 - version: 2.24.33 + - name: tzcode + version: 2023c manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - atk-1.0: ">=2.36.0" - cairo: ">=1.16.0,<2.0.0a0" - gdk-pixbuf: ">=2.42.6,<3.0a0" - gettext: ">=0.19.8.1,<1.0a0" - libglib: ">=2.70.2,<3.0a0" - pango: ">=1.50.3,<1.51.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/gtk2-2.24.33-h57013de_2.tar.bz2 + __glibc: ">=2.17,<3.0.a0" + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/tzcode-2023c-h0b41bf4_0.conda hash: - md5: 144fb77338d90012ebe80d3dd13fc725 - sha256: 4bebd9809bb7e76b46af054f594eda5f280a796b7ec7f5870bd185ad5b3da338 - category: dev - optional: true - - name: h3-py - version: 3.7.6 + md5: 0c0533894f21c3d35697cb8378d390e2 + sha256: 62b0d3eee4260d310f578015305834b8a588377f796e5e290ec267da8a51a027 + category: main + optional: false + - name: tzcode + version: 2023c + manager: conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/tzcode-2023c-hb7f2c08_0.conda + hash: + md5: a7ba8e96323b9d8ce4f0edc4f4dab27f + sha256: 0d4b111314bea267454f48691debc1ff4c0ce8cb91491d2be30381de498ac59e + category: main + optional: false + - name: tzcode + version: 2023c manager: conda platform: osx-arm64 - dependencies: - libcxx: ">=15.0.7" - numpy: "" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/h3-py-3.7.6-py311ha891d26_1.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/tzcode-2023c-h1a8c8d9_0.conda hash: - md5: 07e907cca837e6a36842206cc249d5a2 - sha256: 78435b66669f58d828ce390efaf36adc6845ce3c4e04fe1376c0b58d6b92377a + md5: 96779d3be996d78411b083f99a51199c + sha256: 0a60ff53272547a0f80862f0a1969a5d1cec16bd2e9098ed5b07d317682a4361 category: main optional: false - - name: httpx - version: 0.25.1 + - name: tzdata + version: 2023c manager: conda - platform: osx-arm64 - dependencies: - certifi: "" - idna: "" - httpcore: "" - anyio: "" - sniffio: "" - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/httpx-0.25.1-pyhd8ed1ab_0.conda + platform: linux-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/tzdata-2023c-h71feb2d_0.conda hash: - md5: 3e00320730cb93fa4941a0cbea0db572 - sha256: fbf9e61459b65022eecbdbb19ec2dc83740374e7db981732d687456e5bcdff72 + md5: 939e3e74d8be4dac89ce83b20de2492a + sha256: 0449138224adfa125b220154408419ec37c06b0b49f63c5954724325903ecf55 category: main optional: false - - name: identify - version: 2.5.31 + - name: tzdata + version: 2023c manager: conda - platform: osx-arm64 - dependencies: - ukkonen: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.31-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/tzdata-2023c-h71feb2d_0.conda hash: - md5: fea10604a45e974b110ea15a88913ebc - sha256: a56ec678a4e58d0a450174fd813581e961829def274453e093c9dae836b80cee + md5: 939e3e74d8be4dac89ce83b20de2492a + sha256: 0449138224adfa125b220154408419ec37c06b0b49f63c5954724325903ecf55 category: main optional: false - - name: isoduration - version: 20.11.0 + - name: tzdata + version: 2023c manager: conda platform: osx-arm64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/noarch/tzdata-2023c-h71feb2d_0.conda + hash: + md5: 939e3e74d8be4dac89ce83b20de2492a + sha256: 0449138224adfa125b220154408419ec37c06b0b49f63c5954724325903ecf55 + category: main + optional: false + - name: ucx + version: 1.15.0 + manager: conda + platform: linux-64 dependencies: - python: ">=3.7" - arrow: ">=0.15.0" - url: https://conda.anaconda.org/conda-forge/noarch/isoduration-20.11.0-pyhd8ed1ab_0.tar.bz2 + libgcc-ng: ">=12" + libnuma: ">=2.0.16,<3.0a0" + libstdcxx-ng: ">=12" + rdma-core: ">=28.9,<29.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/ucx-1.15.0-h64cca9d_0.conda hash: - md5: 4cb68948e0b8429534380243d063a27a - sha256: 7bb5c4d994361022f47a807b5e7d101b3dce16f7dd8a0af6ffad9f479d346493 + md5: b35b1f1a9fdbf93266c91f297dc9060e + sha256: 8a4dce10304fee0df715addec3d078421aa7aa0824422a6630d621d15bd98e5f category: main optional: false - - name: jsonschema - version: 4.20.0 + - name: ukkonen + version: 1.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - attrs: ">=22.2.0" - importlib_resources: ">=1.4.0" - pkgutil-resolve-name: ">=1.3.10" - jsonschema-specifications: ">=2023.03.6" - referencing: ">=0.28.4" - rpds-py: ">=0.7.1" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-4.20.0-pyhd8ed1ab_0.conda + cffi: "" + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/ukkonen-1.0.1-py311h9547e67_4.conda hash: - md5: 1116d79def5268414fb0917520b2bbf1 - sha256: 77aae609097d06deedb8ef8407a44b23d5fef95962ba6fe1c959ac7bd6195296 + md5: 586da7df03b68640de14dc3e8bcbf76f + sha256: c2d33e998f637b594632eba3727529171a06eb09896e36aa42f1ebcb03779472 category: main optional: false - - name: jupyter_core - version: 5.5.0 + - name: ukkonen + version: 1.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - platformdirs: ">=2.5" + cffi: "" + libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - traitlets: ">=5.3" - url: https://conda.anaconda.org/conda-forge/osx-arm64/jupyter_core-5.5.0-py311h267d04e_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/ukkonen-1.0.1-py311h5fe6e05_4.conda hash: - md5: e8e88dea6f85c4efad941afd8c972376 - sha256: 447426241b1d8dc1a468ecd4501469f39e2f6967a9c8698edbe20615ba8735ad + md5: 8f750b84128d48dc8376572c5eace61e + sha256: b273782a1277042a54e12411beebd378d2a2a69e503bcf147766e98628e91c91 category: main optional: false - - name: keyring - version: 24.3.0 + - name: ukkonen + version: 1.0.1 manager: conda platform: osx-arm64 dependencies: - importlib_metadata: ">=4.11.4" - jaraco.classes: "" + cffi: "" + libcxx: ">=15.0.7" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/keyring-24.3.0-py311h267d04e_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/ukkonen-1.0.1-py311he4fd1f5_4.conda hash: - md5: 3ef01ab147d3d43bb0990eba7a1fcaec - sha256: f7791c4a77253a2278eaa3dad298f578af5af4f5e8e69e46c6dca23259dd949a + md5: 5d5ab5c5af32931e03608034f4a5fd75 + sha256: 384fc81a34e248019d43a115386f77859ab63e0e6f12dade486d76359703743f category: main optional: false - - name: libgdal - version: 3.8.0 + - name: unicodecsv + version: 0.14.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - blosc: ">=1.21.5,<2.0a0" - cfitsio: ">=4.3.0,<4.3.1.0a0" - freexl: ">=2.0.0,<3.0a0" - geos: ">=3.12.0,<3.12.1.0a0" - geotiff: ">=1.7.1,<1.8.0a0" - giflib: ">=5.2.1,<5.3.0a0" - hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" - json-c: ">=0.17,<0.18.0a0" - kealib: ">=1.5.2,<1.6.0a0" - lerc: ">=4.0.0,<5.0a0" - libaec: ">=1.1.2,<2.0a0" - libarchive: ">=3.7.2,<3.8.0a0" - libcurl: ">=8.4.0,<9.0a0" - libcxx: ">=16.0.6" - libdeflate: ">=1.19,<1.20.0a0" - libexpat: ">=2.5.0,<3.0a0" - libiconv: ">=1.17,<2.0a0" - libjpeg-turbo: ">=3.0.0,<4.0a0" - libkml: ">=1.3.0,<1.4.0a0" - libnetcdf: ">=4.9.2,<4.9.3.0a0" - libpng: ">=1.6.39,<1.7.0a0" - libpq: ">=16.1,<17.0a0" - libspatialite: ">=5.1.0,<5.2.0a0" - libsqlite: ">=3.44.0,<4.0a0" - libtiff: ">=4.6.0,<4.7.0a0" - libwebp-base: ">=1.3.2,<2.0a0" - libxml2: ">=2.11.5,<2.12.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - openjpeg: ">=2.5.0,<3.0a0" - openssl: ">=3.1.4,<4.0a0" - pcre2: ">=10.42,<10.43.0a0" - poppler: ">=23.11.0,<23.12.0a0" - postgresql: "" - proj: ">=9.3.0,<9.3.1.0a0" - tiledb: ">=2.16,<2.17.0a0" - xerces-c: ">=3.2.4,<3.3.0a0" - xz: ">=5.2.6,<6.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgdal-3.8.0-h751e6a0_4.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/unicodecsv-0.14.1-py_1.tar.bz2 hash: - md5: 76b2c16e64279c369be3802c67582f94 - sha256: 9ec68927b10429560a0cbff85520d28ceb93a812195fe7c33dc2fcefc87055a3 + md5: 3b2b0e9d7f73db2b5e45db113badb7f7 + sha256: 4bbf3579d57036725562ccc11c57bc487f1eb5c14c138a6881d10f34c2f04237 category: main optional: false - - name: librsvg - version: 2.56.3 + - name: unicodecsv + version: 0.14.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - cairo: ">=1.16.0,<2.0a0" - gdk-pixbuf: ">=2.42.10,<3.0a0" - gettext: ">=0.21.1,<1.0a0" - libglib: ">=2.76.4,<3.0a0" - libxml2: ">=2.11.4,<2.12.0a0" - pango: ">=1.50.14,<2.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/librsvg-2.56.3-h0db3404_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/unicodecsv-0.14.1-py_1.tar.bz2 hash: - md5: b9784f5c16c6d01d59f7e65a3b0441c6 - sha256: 4ed7ddb12fe193994cbf7d77eb3d7e776fda6c65e95c467f32392f40b880bbe6 - category: dev - optional: true - - name: numba - version: 0.58.1 + md5: 3b2b0e9d7f73db2b5e45db113badb7f7 + sha256: 4bbf3579d57036725562ccc11c57bc487f1eb5c14c138a6881d10f34c2f04237 + category: main + optional: false + - name: unicodecsv + version: 0.14.1 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - llvm-openmp: ">=17.0.4" - llvmlite: ">=0.41.1,<0.42.0a0" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/numba-0.58.1-py311h9ec4793_0.conda + python: "" + url: https://conda.anaconda.org/conda-forge/noarch/unicodecsv-0.14.1-py_1.tar.bz2 hash: - md5: d143fecfd4a3ad7baacaff7611b21ee5 - sha256: f4161fb906e74b79746170cb6b0e8a3a42a165e17c12f8e358eac2b533b25b61 + md5: 3b2b0e9d7f73db2b5e45db113badb7f7 + sha256: 4bbf3579d57036725562ccc11c57bc487f1eb5c14c138a6881d10f34c2f04237 category: main optional: false - - name: numexpr - version: 2.8.7 + - name: universal_pathlib + version: 0.1.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/numexpr-2.8.7-py311h6e08293_4.conda + fsspec: ">=2022.1.0" + python: ">=3.8,<3.12" + url: https://conda.anaconda.org/conda-forge/noarch/universal_pathlib-0.1.4-pyhd8ed1ab_0.conda hash: - md5: f31ccd21d19edd2e2479c065302b7388 - sha256: d37e44a13e5690db715b5c34ba7f53565daae8bfbf6f61c8feba5cf6b0ab5519 + md5: 08ca974df312b574c4d6511426539a87 + sha256: ee5a8f423b7429e2ebc0051638875a69e4dc4558c07a26d3063866cebed5fb66 category: main optional: false - - name: oauthlib - version: 3.2.2 + - name: universal_pathlib + version: 0.1.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - cryptography: "" - blinker: "" - python: ">=3.6" - pyjwt: ">=1.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/oauthlib-3.2.2-pyhd8ed1ab_0.tar.bz2 + python: ">=3.8,<3.12" + fsspec: ">=2022.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/universal_pathlib-0.1.4-pyhd8ed1ab_0.conda hash: - md5: 8f882b197fd9c4941a787926baea4868 - sha256: 0cfd5146a91d3974f4abfc2a45de890371d510a77238fe553e036ec8c031dc5b + md5: 08ca974df312b574c4d6511426539a87 + sha256: ee5a8f423b7429e2ebc0051638875a69e4dc4558c07a26d3063866cebed5fb66 category: main optional: false - - name: pandas - version: 2.1.3 + - name: universal_pathlib + version: 0.1.4 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - libcxx: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.8.1" - python-tzdata: ">=2022a" - python_abi: 3.11.* - pytz: ">=2020.1" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pandas-2.1.3-py311h6e08293_0.conda + python: ">=3.8,<3.12" + fsspec: ">=2022.1.0" + url: https://conda.anaconda.org/conda-forge/noarch/universal_pathlib-0.1.4-pyhd8ed1ab_0.conda hash: - md5: 0d0ecc6bac2b7a4007bf4d96b125d674 - sha256: eacddc0866e26372578fdeb5059e6f7edf4c6c8f59f494a8d5e64caa032b2600 + md5: 08ca974df312b574c4d6511426539a87 + sha256: ee5a8f423b7429e2ebc0051638875a69e4dc4558c07a26d3063866cebed5fb66 category: main optional: false - - name: prompt-toolkit - version: 3.0.41 + - name: uri-template + version: 1.3.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - wcwidth: "" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/prompt-toolkit-3.0.41-pyha770c72_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/uri-template-1.3.0-pyhd8ed1ab_0.conda hash: - md5: f511a993aa4336bef9dd874ee3403e67 - sha256: e26a5554883a0eada3641b6d861d8cb4895e2c7fcc17a587de07b8b1ecbfff0f + md5: 0944dc65cb4a9b5b68522c3bb585d41c + sha256: b76904b53721dc88a46352324c79d2b077c2f74a9f7208ad2c4249892669ae94 category: main optional: false - - name: pybtex-docutils - version: 1.0.3 + - name: uri-template + version: 1.3.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - docutils: ">=0.14" - pybtex: ">=0.16" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/pybtex-docutils-1.0.3-py311h267d04e_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/uri-template-1.3.0-pyhd8ed1ab_0.conda hash: - md5: a5145d3785720aea61185b626b783320 - sha256: 7f6c4000a4d01af6621fc1774d8f9fbea8246d2c474c449e75765bb91eaae46c + md5: 0944dc65cb4a9b5b68522c3bb585d41c + sha256: b76904b53721dc88a46352324c79d2b077c2f74a9f7208ad2c4249892669ae94 category: main optional: false - - name: pyopenssl - version: 23.3.0 + - name: uri-template + version: 1.3.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" - cryptography: ">=41.0.5,<42" - url: https://conda.anaconda.org/conda-forge/noarch/pyopenssl-23.3.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/uri-template-1.3.0-pyhd8ed1ab_0.conda hash: - md5: 7819533e674dbbc51468f3228b9b1bb6 - sha256: f7e04c4a49b1593140231d70801e2204e314e26d7141bfbdc8089d04114c0010 + md5: 0944dc65cb4a9b5b68522c3bb585d41c + sha256: b76904b53721dc88a46352324c79d2b077c2f74a9f7208ad2c4249892669ae94 category: main optional: false - - name: readthedocs-sphinx-ext - version: 2.2.3 + - name: uriparser + version: 0.9.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - requests: "" - packaging: "" - python: ">=3.6" - jinja2: ">=2.9" - url: https://conda.anaconda.org/conda-forge/noarch/readthedocs-sphinx-ext-2.2.3-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/uriparser-0.9.7-hcb278e6_1.conda hash: - md5: 6bc1a00f5502f9ed13526e4c6bea6900 - sha256: 464cfb706266a2dfbee7d0226c83114c9868a65f9fc7e05b223faac8bd2b3f8e + md5: 2c46deb08ba9b10e90d0a6401ad65deb + sha256: bc7670384fc3e519b376eab25b2c747afe392b243f17e881075231f4a0f2e5a0 category: main optional: false - - name: requests-toolbelt - version: 0.10.1 + - name: uriparser + version: 0.9.7 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.6" - requests: ">=2.0.1,<=3.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/requests-toolbelt-0.10.1-pyhd8ed1ab_0.tar.bz2 + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-64/uriparser-0.9.7-hf0c8a7f_1.conda hash: - md5: a4cd20af9711434f89d1ec0d2b3ae6ba - sha256: 7f4c9c829add7a65a1f536c30539c541bb3c9dddbd03d7ba318f224b4add0d6d - category: dev - optional: true - - name: responses - version: 0.24.1 + md5: 998073b0ccb5f99d07d2089cf06363b3 + sha256: faf0f7919851960bbb1d18d977f62082c0e4dc8f26e348d702e8a2dba53a4c37 + category: main + optional: false + - name: uriparser + version: 0.9.7 manager: conda platform: osx-arm64 dependencies: - pyyaml: "" - typing_extensions: "" - types-pyyaml: "" - python: ">=3.7" - requests: ">=2.30.0,<3.0" - urllib3: ">=1.25.10,<3.0" - url: https://conda.anaconda.org/conda-forge/noarch/responses-0.24.1-pyhd8ed1ab_0.conda + libcxx: ">=14.0.6" + url: https://conda.anaconda.org/conda-forge/osx-arm64/uriparser-0.9.7-hb7217d7_1.conda hash: - md5: b1b80aaa77d5e83183cd0c9e9025b1fa - sha256: 35a1cc20beca329bfa2b17feeb5ca66a2741bdccf39621dfe386f48206e73d67 + md5: 4fe532e3c6b0cfa5365eb01743d32578 + sha256: bedd03f3bb30b73ae7b0dc9626f1371a8568ce6d41303df3e8299688428dfa94 category: main optional: false - - name: s3transfer - version: 0.7.0 + - name: urllib3 + version: 1.26.18 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: + brotli-python: ">=1.0.9" + pysocks: ">=1.5.6,<2.0,!=1.5.7" python: ">=3.7" - botocore: ">=1.12.36,<2.0a.0" - url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/urllib3-1.26.18-pyhd8ed1ab_0.conda hash: - md5: 5fe335cb1420d13a818fe01310af2b80 - sha256: 5ed09d013ad7f2c2f65d1637c04ee19da242ef9bed0d86aa9faae2c48aaa255d + md5: bf61cfd2a7f212efba378167a07d4a6a + sha256: 1cc0bab65a6ad0f5a8bd7657760a4fb4e670d30377f9dab88b792977cb3687e7 category: main optional: false - - name: scipy - version: 1.11.3 + - name: urllib3 + version: 1.26.18 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - libblas: ">=3.9.0,<4.0a0" - libcblas: ">=3.9.0,<4.0a0" - libcxx: ">=15.0.7" - libgfortran: 5.* - libgfortran5: ">=13.2.0" - liblapack: ">=3.9.0,<4.0a0" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/scipy-1.11.3-py311h93d07a4_1.conda + python: ">=3.7" + brotli-python: ">=1.0.9" + pysocks: ">=1.5.6,<2.0,!=1.5.7" + url: https://conda.anaconda.org/conda-forge/noarch/urllib3-1.26.18-pyhd8ed1ab_0.conda hash: - md5: 1c687552b288a801a7851166f2494768 - sha256: 6347f47c02eef02afe1e5534c88269f73b2da28cdff8c826b210e529b8bd1f07 + md5: bf61cfd2a7f212efba378167a07d4a6a + sha256: 1cc0bab65a6ad0f5a8bd7657760a4fb4e670d30377f9dab88b792977cb3687e7 category: main optional: false - - name: send2trash - version: 1.8.2 + - name: urllib3 + version: 1.26.18 manager: conda platform: osx-arm64 dependencies: - __osx: "" - pyobjc-framework-cocoa: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/send2trash-1.8.2-pyhd1c38e8_0.conda + python: ">=3.7" + brotli-python: ">=1.0.9" + pysocks: ">=1.5.6,<2.0,!=1.5.7" + url: https://conda.anaconda.org/conda-forge/noarch/urllib3-1.26.18-pyhd8ed1ab_0.conda hash: - md5: 2657c3de5371c571aef6678afb4aaadd - sha256: dca4022bae47618ed738ab7d45ead5202d174b741cfb98e4484acdc6e76da32a + md5: bf61cfd2a7f212efba378167a07d4a6a + sha256: 1cc0bab65a6ad0f5a8bd7657760a4fb4e670d30377f9dab88b792977cb3687e7 category: main optional: false - - name: shapely - version: 2.0.2 + - name: uvicorn + version: 0.24.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - geos: ">=3.12.0,<3.12.1.0a0" - numpy: ">=1.23.5,<2.0a0" + click: ">=7.0" + h11: ">=0.8" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/shapely-2.0.2-py311h4826c84_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-0.24.0-py311h38be061_0.conda hash: - md5: a9de7ff7899a7067646aa7053eb5737c - sha256: 3d08d9553565704fef53d0c9cb901bb2f40337f0a590b3ea714d363a34ee2250 + md5: a6eb331b0b42251227dbdfb5838c287b + sha256: df5269d01ba7ae8fa7cc0d822a63db7a646005c689e8a90083f145a707df6035 category: main optional: false - - name: stevedore - version: 5.1.0 + - name: uvicorn + version: 0.24.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - pbr: "!=2.1.0,>=2.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/stevedore-5.1.0-pyhd8ed1ab_0.conda + click: ">=7.0" + h11: ">=0.8" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-0.24.0-py311h6eed73b_0.conda hash: - md5: 55864c50fd9354fd19f6a5078a068170 - sha256: 69b779f4cdb0b84f87067414bcccaffc83c6d734dac84523c40115c383a2e2d5 + md5: 62249aa566e8be9286966278a6582e1a + sha256: ab7aa3875fbafd7912b97616573741508e140446fa9819ba870788677ba8fba3 category: main optional: false - - name: typeguard - version: 4.1.5 + - name: uvicorn + version: 0.24.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - importlib_metadata: ">=3.6" - typing_extensions: ">=4.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/typeguard-4.1.5-pyhd8ed1ab_1.conda + click: ">=7.0" + h11: ">=0.8" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/uvicorn-0.24.0-py311h267d04e_0.conda hash: - md5: 59d22e0ca481b057b94d54fc9ebacb13 - sha256: df63f90625d2eaefcb6990437b941c1c90ec3c224bc65a2becac928542d0aa5f + md5: ed05fec89baaa5869db4e27bf4d510dc + sha256: 275934feb0e2cdfacd65414d8e54d3a9aa0e703f11a52ca3a0485df04a51cf77 category: main optional: false - - name: typer - version: 0.9.0 + - name: uvicorn-standard + version: 0.24.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - typing-extensions: ">=3.7.4.3" - colorama: ">=0.4.3,<0.5.0" - shellingham: ">=1.3.0,<2.0.0" - rich: ">=10.11.0,<14.0.0" - click: ">=7.1.1,<9" - url: https://conda.anaconda.org/conda-forge/noarch/typer-0.9.0-pyhd8ed1ab_0.conda + httptools: ">=0.5.0" + python-dotenv: ">=0.13" + python_abi: 3.11.* + pyyaml: ">=5.1" + uvicorn: 0.24.0 + uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" + watchfiles: ">=0.13" + websockets: ">=10.4" + url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-standard-0.24.0-h38be061_0.conda + hash: + md5: e8143a99cadb40ba9542e6e9ff15d862 + sha256: dc23a3aff61791522ab1d924c0f6b67468c3c72772c5ca690158c160ae42ac33 + category: dev + optional: true + - name: uvicorn-standard + version: 0.24.0 + manager: conda + platform: osx-64 + dependencies: + httptools: ">=0.5.0" + python-dotenv: ">=0.13" + python_abi: 3.11.* + pyyaml: ">=5.1" + uvicorn: 0.24.0 + uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" + watchfiles: ">=0.13" + websockets: ">=10.4" + url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-standard-0.24.0-h6eed73b_0.conda hash: - md5: 5030a13b2fe5e143d5956d4943d3018f - sha256: d395e1e92281abb13e043220ecf8ea973ada8d38a1e8c683df14f46541c64bd2 - category: main - optional: false + md5: fcfded7537383dc21fc53708048fb40f + sha256: 30476332eed1f448bfe769dcdf8a5a68e55587980026eae317c2a84b17daac2b + category: dev + optional: true - name: uvicorn-standard version: 0.24.0 manager: conda @@ -22423,1513 +22824,1117 @@ package: sha256: 391af506e734bd59d1a3b4611e27393b26ea6aa585070a63a45d4522a1fbd500 category: dev optional: true - - name: virtualenv - version: 20.24.6 + - name: uvloop + version: 0.19.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - distlib: <1,>=0.3.7 - filelock: <4,>=3.12.2 - platformdirs: <4,>=3.9.1 - url: https://conda.anaconda.org/conda-forge/noarch/virtualenv-20.24.6-pyhd8ed1ab_0.conda + __glibc: ">=2.17,<3.0.a0" + libgcc-ng: ">=12" + libuv: ">=1.46.0,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/uvloop-0.19.0-py311h460e60f_0.conda hash: - md5: fb1fc875719e217ed799a7aae11d3be4 - sha256: 09492f89a22dc17d9b32f2a791deee93d06e99fb312c3d47430fe35343b7fbde - category: main - optional: false - - name: boto3 - version: 1.29.2 + md5: 671712f2371367c4df72dcba03ef6b82 + sha256: 5748b7c33b7e3238c3f8fce654e1f5ad4877da04e8f30bd3c26c59ae7bfdcd92 + category: dev + optional: true + - name: uvloop + version: 0.19.0 + manager: conda + platform: osx-64 + dependencies: + libuv: ">=1.46.0,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/uvloop-0.19.0-py311ha272bfe_0.conda + hash: + md5: f878c810a3665d5cca94d1da888413b3 + sha256: 40439cb32c09d961e61528b87f48e86b3ca549b26d62b8b06b7180b1a3356d9e + category: dev + optional: true + - name: uvloop + version: 0.19.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - jmespath: ">=0.7.1,<2.0.0" - s3transfer: ">=0.7.0,<0.8.0" - botocore: ">=1.32.2,<1.33.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.2-pyhd8ed1ab_0.conda + libuv: ">=1.46.0,<2.0a0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/uvloop-0.19.0-py311h05b510d_0.conda + hash: + md5: 41568c5b89355b556470de5c41a97c92 + sha256: 631554f96f48818f4b055b2046e35c5072582740074c251fa7fa4f5d9eb527cb + category: dev + optional: true + - name: validators + version: 0.22.0 + manager: conda + platform: linux-64 + dependencies: + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/validators-0.22.0-pyhd8ed1ab_0.conda hash: - md5: 7c73d1610c56a1d624c9ef470221d10c - sha256: 92b63c85d2bbb85be1f406abb41e36ef87d692222c57a24a0d27c6027107b023 + md5: 56435633ef70e7b92c54151599cbf757 + sha256: f30699fd1a76cf3291e042167f8dc8dd28e00e08e49047a353304c7ad7bc279d category: main optional: false - - name: cachecontrol-with-filecache - version: 0.13.1 + - name: validators + version: 0.22.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - filelock: ">=3.8.0" - cachecontrol: 0.13.1 - url: https://conda.anaconda.org/conda-forge/noarch/cachecontrol-with-filecache-0.13.1-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/validators-0.22.0-pyhd8ed1ab_0.conda hash: - md5: 8c4781ca0893cff3a64423954ce234a1 - sha256: 7fd3cd4a667da284ae3aad9b8cb4d592099bc02ed6566cbae00bd8c0b0604e85 + md5: 56435633ef70e7b92c54151599cbf757 + sha256: f30699fd1a76cf3291e042167f8dc8dd28e00e08e49047a353304c7ad7bc279d category: main optional: false - - name: dagster - version: 1.5.9 + - name: validators + version: 0.22.0 manager: conda platform: osx-arm64 dependencies: - requests: "" - setuptools: "" - tqdm: "" - jinja2: "" - python-dateutil: "" - pytz: "" - tabulate: "" - tomli: "" - python-dotenv: "" - pywin32-on-windows: "" - docstring_parser: "" - universal_pathlib: "" python: ">=3.8" - pyyaml: ">=5.1" - watchdog: ">=0.8.3" - packaging: ">=20.9" - click: ">=5.0" - typing_extensions: ">=4.4.0" - coloredlogs: ">=6.1,<=14.0" - croniter: ">=0.3.34" - toposort: ">=1.0" - psutil: ">=1.0" - sqlalchemy: ">=1.0" - grpcio-health-checking: ">=1.44.0" - protobuf: ">=3.20.0" - grpcio: ">=1.44.0" - alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" - pydantic: ">1.10.0,!=1.10.7" - pendulum: <3 - dagster-pipes: ">=1.5.9,<1.5.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.9-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/validators-0.22.0-pyhd8ed1ab_0.conda hash: - md5: d8ab27112f82687ffcd456a3b88092e5 - sha256: 238b08bf9afbc98405cb0c8c9845514da7b4b21aac5817c2b5f0de04e3a19b1b + md5: 56435633ef70e7b92c54151599cbf757 + sha256: f30699fd1a76cf3291e042167f8dc8dd28e00e08e49047a353304c7ad7bc279d category: main optional: false - - name: datasette - version: 0.64.4 + - name: virtualenv + version: 20.24.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - setuptools: "" - pip: "" - python: ">=3.7" - pyyaml: ">=5.3" - jinja2: ">=2.10.3" - click: ">=7.1.1" - pint: ">=0.9" - httpx: ">=0.20" - asgi-csrf: ">=0.9" - itsdangerous: ">=1.1" - click-default-group-wheel: ">=1.2.2" - hupper: ">=1.9" - uvicorn: ">=0.11" - pluggy: ">=1.0" - aiofiles: ">=0.4" - asgiref: ">=3.2.10" - janus: ">=0.6.2" - mergedeep: ">=1.1.1" - url: https://conda.anaconda.org/conda-forge/noarch/datasette-0.64.4-pyhd8ed1ab_1.conda + distlib: <1,>=0.3.7 + filelock: <4,>=3.12.2 + platformdirs: <4,>=3.9.1 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/virtualenv-20.24.6-pyhd8ed1ab_0.conda hash: - md5: cd1207af03052f6b81906e1a914ad3c5 - sha256: 8800f86ec23a31ad642a1467d0a8f343038c7e2237a1f9046493ad1868ceb441 + md5: fb1fc875719e217ed799a7aae11d3be4 + sha256: 09492f89a22dc17d9b32f2a791deee93d06e99fb312c3d47430fe35343b7fbde category: main optional: false - - name: doc8 - version: 1.1.1 + - name: virtualenv + version: 20.24.6 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - pygments: "" - tomli: "" - stevedore: "" python: ">=3.8" - restructuredtext_lint: ">=0.7" - docutils: ">=0.19,<0.21" - url: https://conda.anaconda.org/conda-forge/noarch/doc8-1.1.1-pyhd8ed1ab_0.conda + distlib: <1,>=0.3.7 + filelock: <4,>=3.12.2 + platformdirs: <4,>=3.9.1 + url: https://conda.anaconda.org/conda-forge/noarch/virtualenv-20.24.6-pyhd8ed1ab_0.conda hash: - md5: 5e9e17751f19d03c4034246de428582e - sha256: 00691538e6289b7947cabc2024f08883b3e2ded00369c68de7d67677e9d4c250 + md5: fb1fc875719e217ed799a7aae11d3be4 + sha256: 09492f89a22dc17d9b32f2a791deee93d06e99fb312c3d47430fe35343b7fbde category: main optional: false - - name: email-validator - version: 2.1.0.post1 + - name: virtualenv + version: 20.24.6 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" - idna: ">=2.0.0" - dnspython: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/email-validator-2.1.0.post1-pyhd8ed1ab_0.conda + python: ">=3.8" + distlib: <1,>=0.3.7 + filelock: <4,>=3.12.2 + platformdirs: <4,>=3.9.1 + url: https://conda.anaconda.org/conda-forge/noarch/virtualenv-20.24.6-pyhd8ed1ab_0.conda hash: - md5: 192fe8f657c763c6120d9f8592055847 - sha256: 0b2e503da10648e2fa8d13035ddda174a549732c4f17476363882ebf67867283 + md5: fb1fc875719e217ed799a7aae11d3be4 + sha256: 09492f89a22dc17d9b32f2a791deee93d06e99fb312c3d47430fe35343b7fbde category: main optional: false - - name: frictionless - version: 4.40.8 + - name: watchdog + version: 3.0.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - pyyaml: ">=5.3" - jsonschema: ">=2.5" - chardet: ">=3.0" - python-dateutil: ">=2.8" - isodate: ">=0.6" - requests: ">=2.10" - python-slugify: ">=1.2" - stringcase: ">=1.2" - petl: ">=1.6" - validators: ">=0.18" - rfc3986: ">=1.4" - tabulate: ">=0.8.10" - marko: ">=1.0" - simpleeval: ">=0.9.11" - typer: ">=0.5" - jinja2: ">=3.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/frictionless-4.40.8-pyh6c4a22f_0.tar.bz2 + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + pyyaml: ">=3.10" + url: https://conda.anaconda.org/conda-forge/linux-64/watchdog-3.0.0-py311h38be061_1.conda hash: - md5: d2791ef8f6c1252aa8d2e2001a603815 - sha256: 0d7d669d92aa4ecf08effb64aea4c98aa65607bdb98e7b82627b7c43556dd9bc + md5: 1901b9f3ca3782f31450fd7158d2fe8a + sha256: c1fd4f6bd6f3c4009fe2f97d3ed8edd2f2a46058293e0176b06fa181eb66558f category: main optional: false - - name: gdal - version: 3.8.0 + - name: watchdog + version: 3.0.0 manager: conda - platform: osx-arm64 - dependencies: - __osx: ">=10.9" - hdf5: ">=1.14.2,<1.14.3.0a0" - libcxx: ">=16.0.6" - libgdal: 3.8.0 - libxml2: ">=2.11.5,<2.12.0a0" - numpy: ">=1.23.5,<2.0a0" - openssl: ">=3.1.4,<4.0a0" + platform: osx-64 + dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/gdal-3.8.0-py311h32a4f3d_4.conda + pyyaml: ">=3.10" + url: https://conda.anaconda.org/conda-forge/osx-64/watchdog-3.0.0-py311h5ef12f2_1.conda hash: - md5: 587260f73e05cfa163f3e8964746ae2f - sha256: ee6d7444923aba96618bdf4f29c5323fc6b4bc040eb2a77ad2396efebdb01823 + md5: 32c15f3306fd2e9a9c2876f2fc33d5ed + sha256: e3c40135edb9399277f8afc7b5344b507e40a46cef2ade2d3185f951c884c72b category: main optional: false - - name: geopandas-base - version: 0.14.1 + - name: watchdog + version: 3.0.0 manager: conda platform: osx-arm64 dependencies: - packaging: "" - python: ">=3.9" - pandas: ">=1.4.0" - shapely: ">=1.8.0" - pyproj: ">=3.3.0" - url: https://conda.anaconda.org/conda-forge/noarch/geopandas-base-0.14.1-pyha770c72_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + pyyaml: ">=3.10" + url: https://conda.anaconda.org/conda-forge/osx-arm64/watchdog-3.0.0-py311heffc1b2_1.conda hash: - md5: d65c6f458bfdaa181f388d91e858ea67 - sha256: c813004bb84e50de19f599b188719e40106c858c7da22e504b29ce66e5043361 + md5: 67202ddda794d7ff7ca6b6e45337073d + sha256: 3fd810c89bb56b70518f1e60b7d3769ca13ab8a55e572cc90bba61f7a2a3e8b5 category: main optional: false - - name: google-auth - version: 2.23.4 + - name: watchfiles + version: 0.20.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - pyasn1-modules: ">=0.2.1" - rsa: ">=3.1.4,<5" - pyopenssl: ">=20.0.0" - pyu2f: ">=0.1.5" - requests: ">=2.20.0,<3.0.0" - cachetools: ">=2.0.0,<6.0" - aiohttp: ">=3.6.2,<4.0.0" - cryptography: ">=38.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda + anyio: ">=3.0.0" + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/watchfiles-0.20.0-py311h46250e7_2.conda hash: - md5: 9ad01e23627db9def3104ba78fd19229 - sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 - category: main - optional: false - - name: gql-with-requests - version: 3.4.1 + md5: 19667098320c065048a8e483ac860051 + sha256: 2ca7e2ebbc165401723801e9a366fb314726b375574ca635ab78527ae9363cf3 + category: dev + optional: true + - name: watchfiles + version: 0.20.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - requests: "" - urllib3: "" - requests-toolbelt: "" - python: ">=3.6" - gql: 3.4.1 - url: https://conda.anaconda.org/conda-forge/noarch/gql-with-requests-3.4.1-pyhd8ed1ab_0.conda + anyio: ">=3.0.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/watchfiles-0.20.0-py311h299eb51_2.conda hash: - md5: 1814ff1e969b01d3570027efcf4f163a - sha256: f11fb42542950f5e96ee252c9bebbd205bcbf1e20a3d8aeb056998bbdfef68f2 + md5: f9c3352b6007cb4d6db914f9814d0c3b + sha256: 1426317d424057bb6dedd463481202521bde50fd965940ce0b42fe71d5d20751 category: dev optional: true - - name: graphviz - version: 8.1.0 + - name: watchfiles + version: 0.20.0 manager: conda platform: osx-arm64 dependencies: - cairo: ">=1.16.0,<2.0a0" - expat: "" - fontconfig: ">=2.14.2,<3.0a0" - fonts-conda-ecosystem: "" - freetype: ">=2.12.1,<3.0a0" - gdk-pixbuf: ">=2.42.10,<3.0a0" - gtk2: "" - gts: ">=0.7.6,<0.8.0a0" - libcxx: ">=15.0.7" - libexpat: ">=2.5.0,<3.0a0" - libgd: ">=2.3.3,<2.4.0a0" - libglib: ">=2.76.4,<3.0a0" - librsvg: ">=2.56.1,<3.0a0" - libtool: "" - libwebp-base: ">=1.3.1,<2.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - pango: ">=1.50.14,<2.0a0" - zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/graphviz-8.1.0-h10878c0_0.conda + anyio: ">=3.0.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/watchfiles-0.20.0-py311h0563b04_2.conda hash: - md5: 2ac37563706d58d9129901ef9343d6e5 - sha256: 9265eb1bf08480bef5993a3e2a36591c827f0998b7f7b1417e36fb060c99e607 + md5: ea73d4e419ab5459d0a91aff3c481a82 + sha256: 6517e3498c432858c1631d20476faf87bc071eb97f252c02190472c97e87b7fe category: dev optional: true - - name: jsonschema-with-format-nongpl - version: 4.20.0 + - name: wcwidth + version: 0.2.10 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: "" - idna: "" - rfc3339-validator: "" - uri-template: "" - fqdn: "" - isoduration: "" - jsonpointer: ">1.13" - webcolors: ">=1.11" - rfc3986-validator: ">0.1.0" - jsonschema: ">=4.20.0,<4.20.1.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-with-format-nongpl-4.20.0-pyhd8ed1ab_0.conda + backports.functools_lru_cache: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/wcwidth-0.2.10-pyhd8ed1ab_0.conda hash: - md5: a168c5f84010711f6d4ae650bc22b480 - sha256: 03558b25daa57137fdf98e92731ba50ff5506f265294ac2eef5ec465c76ecf57 + md5: 48978e4e99db7d1ee0d277f6dee20684 + sha256: e988673c05416073d0e776bac223b6c79fb5cc1207291c6c6f9e238624a135c0 category: main optional: false - - name: jupyter_client - version: 8.6.0 + - name: wcwidth + version: 0.2.10 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - python-dateutil: ">=2.8.2" - jupyter_core: ">=4.12,!=5.0.*" - traitlets: ">=5.3" - pyzmq: ">=23.0" - importlib_metadata: ">=4.8.3" - tornado: ">=6.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_client-8.6.0-pyhd8ed1ab_0.conda + backports.functools_lru_cache: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/wcwidth-0.2.10-pyhd8ed1ab_0.conda hash: - md5: 6bd3f1069cdebb44c7ae9efb900e312d - sha256: 86cbb9070862cf23a245451efce539ca214e610849d0950bb8ac90c545bd158d + md5: 48978e4e99db7d1ee0d277f6dee20684 + sha256: e988673c05416073d0e776bac223b6c79fb5cc1207291c6c6f9e238624a135c0 category: main optional: false - - name: libarrow - version: 14.0.1 + - name: wcwidth + version: 0.2.10 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - aws-crt-cpp: ">=0.24.7,<0.24.8.0a0" - aws-sdk-cpp: ">=1.11.182,<1.11.183.0a0" - bzip2: ">=1.0.8,<2.0a0" - glog: ">=0.6.0,<0.7.0a0" - libabseil: ">=20230802.1,<20230803.0a0" - libbrotlidec: ">=1.1.0,<1.2.0a0" - libbrotlienc: ">=1.1.0,<1.2.0a0" - libcxx: ">=15.0.7" - libgoogle-cloud: ">=2.12.0,<2.13.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libutf8proc: ">=2.8.0,<3.0a0" - libzlib: ">=1.2.13,<1.3.0a0" - lz4-c: ">=1.9.3,<1.10.0a0" - orc: ">=1.9.0,<1.9.1.0a0" - re2: "" - snappy: ">=1.1.10,<2.0a0" - zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-14.0.1-h8dffd16_3_cpu.conda + backports.functools_lru_cache: "" + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/wcwidth-0.2.10-pyhd8ed1ab_0.conda hash: - md5: c9e9f1a73232f3a6eae1b174f39e2d3f - sha256: c482e8d50d2a20b4460801610da58e49fe7c9db8836ffd0653b657af55664634 + md5: 48978e4e99db7d1ee0d277f6dee20684 + sha256: e988673c05416073d0e776bac223b6c79fb5cc1207291c6c6f9e238624a135c0 category: main optional: false - - name: matplotlib-base - version: 3.8.1 + - name: webcolors + version: "1.13" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - certifi: ">=2020.06.20" - contourpy: ">=1.0.1" - cycler: ">=0.10" - fonttools: ">=4.22.0" - freetype: ">=2.12.1,<3.0a0" - kiwisolver: ">=1.3.1" - libcxx: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" - packaging: ">=20.0" - pillow: ">=8" - pyparsing: ">=2.3.1" - python: ">=3.11,<3.12.0a0" - python-dateutil: ">=2.7" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/matplotlib-base-3.8.1-py311hfdba5f6_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/webcolors-1.13-pyhd8ed1ab_0.conda hash: - md5: 7b2974aa0ecc495f1cb9f269fadf9981 - sha256: 2d61f4697a9906c4f56b8ffdcdd66edf64f7db9c5084827848f43390c203ee24 + md5: 166212fe82dad8735550030488a01d03 + sha256: 6e097d5fe92849ad3af2c2a313771ad2fbf1cadd4dc4afd552303b2bf3f85211 category: main optional: false - - name: nbformat - version: 5.9.2 + - name: webcolors + version: "1.13" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - jupyter_core: "" - python-fastjsonschema: "" - python: ">=3.8" - traitlets: ">=5.1" - jsonschema: ">=2.6" - url: https://conda.anaconda.org/conda-forge/noarch/nbformat-5.9.2-pyhd8ed1ab_0.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/webcolors-1.13-pyhd8ed1ab_0.conda hash: - md5: 61ba076de6530d9301a0053b02f093d2 - sha256: fc82c5a9116820757b03ffb836b36f0f50e4cd390018024dbadb0ee0217f6992 + md5: 166212fe82dad8735550030488a01d03 + sha256: 6e097d5fe92849ad3af2c2a313771ad2fbf1cadd4dc4afd552303b2bf3f85211 category: main optional: false - - name: pandera-core - version: 0.17.2 + - name: webcolors + version: "1.13" manager: conda platform: osx-arm64 dependencies: - numpy: "" - pandas: "" - typing_extensions: "" - packaging: "" - pydantic: "" - wrapt: "" - multimethod: "" - python: ">=3.7" - typing_inspect: ">=0.6.0" - typeguard: ">=3.0.2" - url: https://conda.anaconda.org/conda-forge/noarch/pandera-core-0.17.2-pyhd8ed1ab_1.conda + python: ">=3.5" + url: https://conda.anaconda.org/conda-forge/noarch/webcolors-1.13-pyhd8ed1ab_0.conda hash: - md5: 5a1b3de3f435bc9d3c0ab52d45651a28 - sha256: 298bc0b877a366af0bbae2512ec1da47e215fc6333b8b0da7571a09084307331 + md5: 166212fe82dad8735550030488a01d03 + sha256: 6e097d5fe92849ad3af2c2a313771ad2fbf1cadd4dc4afd552303b2bf3f85211 + category: main + optional: false + - name: webencodings + version: 0.5.1 + manager: conda + platform: linux-64 + dependencies: + python: ">=2.6" + url: https://conda.anaconda.org/conda-forge/noarch/webencodings-0.5.1-pyhd8ed1ab_2.conda + hash: + md5: daf5160ff9cde3a468556965329085b9 + sha256: 2adf9bd5482802837bc8814cbe28d7b2a4cbd2e2c52e381329eaa283b3ed1944 + category: main + optional: false + - name: webencodings + version: 0.5.1 + manager: conda + platform: osx-64 + dependencies: + python: ">=2.6" + url: https://conda.anaconda.org/conda-forge/noarch/webencodings-0.5.1-pyhd8ed1ab_2.conda + hash: + md5: daf5160ff9cde3a468556965329085b9 + sha256: 2adf9bd5482802837bc8814cbe28d7b2a4cbd2e2c52e381329eaa283b3ed1944 category: main optional: false - - name: pre-commit - version: 3.5.0 + - name: webencodings + version: 0.5.1 manager: conda platform: osx-arm64 + dependencies: + python: ">=2.6" + url: https://conda.anaconda.org/conda-forge/noarch/webencodings-0.5.1-pyhd8ed1ab_2.conda + hash: + md5: daf5160ff9cde3a468556965329085b9 + sha256: 2adf9bd5482802837bc8814cbe28d7b2a4cbd2e2c52e381329eaa283b3ed1944 + category: main + optional: false + - name: websocket-client + version: 1.6.4 + manager: conda + platform: linux-64 dependencies: python: ">=3.8" - pyyaml: ">=5.1" - identify: ">=1.0.0" - nodeenv: ">=0.11.1" - cfgv: ">=2.0.0" - virtualenv: ">=20.10.0" - url: https://conda.anaconda.org/conda-forge/noarch/pre-commit-3.5.0-pyha770c72_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/websocket-client-1.6.4-pyhd8ed1ab_0.conda hash: - md5: 964e3d762e427661c59263435a14c492 - sha256: 51a4a17334a15ec92805cd075776563ff93b3b6c20732c4cb607c98a761ae02f + md5: bdb77b28cf16deac0eef431a068320e8 + sha256: df45b89862edcd7cd5180ec7b8c0c0ca9fb4d3f7d49ddafccdc76afcf50d8da6 category: main optional: false - - name: prompt_toolkit - version: 3.0.41 + - name: websocket-client + version: 1.6.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - prompt-toolkit: ">=3.0.41,<3.0.42.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/prompt_toolkit-3.0.41-hd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/websocket-client-1.6.4-pyhd8ed1ab_0.conda hash: - md5: b1387bd091fa0420557f801a78587678 - sha256: dd2fea25930d258159441ad4a45e5d3274f0d2f1dea92fe25b44b48c486aa969 + md5: bdb77b28cf16deac0eef431a068320e8 + sha256: df45b89862edcd7cd5180ec7b8c0c0ca9fb4d3f7d49ddafccdc76afcf50d8da6 category: main optional: false - - name: requests-oauthlib - version: 1.3.1 + - name: websocket-client + version: 1.6.4 manager: conda platform: osx-arm64 dependencies: - python: ">=3.4" - requests: ">=2.0.0" - oauthlib: ">=3.0.0" - url: https://conda.anaconda.org/conda-forge/noarch/requests-oauthlib-1.3.1-pyhd8ed1ab_0.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/websocket-client-1.6.4-pyhd8ed1ab_0.conda hash: - md5: 61b279f051eef9c89d58f4d813e75e04 - sha256: 889e3c1b84467b64046776db95dc4c5ea4dad5afaa5ec18ad811bd95c63286b0 + md5: bdb77b28cf16deac0eef431a068320e8 + sha256: df45b89862edcd7cd5180ec7b8c0c0ca9fb4d3f7d49ddafccdc76afcf50d8da6 category: main optional: false - - name: scikit-learn - version: 1.3.2 + - name: websockets + version: "10.4" manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - joblib: ">=1.1.1" - libcxx: ">=16.0.6" - llvm-openmp: ">=16.0.6" - numpy: ">=1.23.5,<2.0a0" + libgcc-ng: ">=12" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - scipy: "" - threadpoolctl: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/scikit-learn-1.3.2-py311ha25ca4d_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/websockets-10.4-py311hd4cff14_1.tar.bz2 hash: - md5: dea73952c589de24ec577c41fac181c5 - sha256: 589bca23648b8969b16a36f87d7114a12fbe88d665cde32427c7126e5b34e63c - category: main - optional: false - - name: timezonefinder - version: 6.2.0 + md5: ff58b7e4d10dd88e679cf86988d3fbfb + sha256: 00eb760d18e1c60b0bdc5e6c36af03050820c870057423681bd44b75c3577458 + category: dev + optional: true + - name: websockets + version: "10.4" manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - cffi: ">=1.15.1,<2" - h3-py: ">=3.7.6,<4" - numpy: ">=1.18,<2" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - setuptools: ">=65.5" - url: https://conda.anaconda.org/conda-forge/osx-arm64/timezonefinder-6.2.0-py311h05b510d_2.conda + url: https://conda.anaconda.org/conda-forge/osx-64/websockets-10.4-py311h5547dcb_1.tar.bz2 hash: - md5: e780e1885d409abccd8503f8f96c2bee - sha256: c855dc357c20d53cad167f395d3dd8face48b5cb6e3cb9f7a64b702ce14c7a12 - category: main - optional: false - - name: catalystcoop.ferc_xbrl_extractor - version: 1.2.1 + md5: aa4ddc6620538e684142d9c1d932fe28 + sha256: e5c79a611d725a5ec0623f02220ca8581451de32a2c92f5b62660ec2dacb3c8c + category: dev + optional: true + - name: websockets + version: "10.4" manager: conda platform: osx-arm64 dependencies: - sqlalchemy: ">=1.4,<3" - lxml: ">=4.9.1,<5" - python: ">=3.10,<3.13" - coloredlogs: ">=14.0,<15.1" - frictionless: ">=4.4,<5" - numpy: ">=1.16,<2" - arelle-release: ">=2.3,<3" - pandas: ">=1.5,<2.2" - pydantic: ">=1.9,<3" - stringcase: ">=1.2,<2" - url: https://conda.anaconda.org/conda-forge/noarch/catalystcoop.ferc_xbrl_extractor-1.2.1-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/websockets-10.4-py311he2be06e_1.tar.bz2 hash: - md5: 901c0be7848920eeaeb14bce747c589c - sha256: f70614208da7b61b41ead6d2260ca3b0d6c0785388b09f7aa4615b56fbf3ce37 + md5: de89829ec8be2723375bfd581237dbef + sha256: 4700b95332fd99cfbad77d74c25572bff28be0df631e995ddbe4a413f6cf2c80 + category: dev + optional: true + - name: wheel + version: 0.41.3 + manager: conda + platform: linux-64 + dependencies: + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/wheel-0.41.3-pyhd8ed1ab_0.conda + hash: + md5: 3fc026b9c87d091c4b34a6c997324ae8 + sha256: 84c3b57fba778add2bd47b7cc70e86f746d2c55549ffd2ccb6f3d6bf7c94d21d category: main optional: false - - name: conda-lock - version: 2.4.2 + - name: wheel + version: 0.41.3 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - typing_extensions: "" - jinja2: "" - ruamel.yaml: "" - tomli: "" - click-default-group: "" - python: ">=3.8" - pyyaml: ">=5.1" - click: ">=8.0" - packaging: ">=20.4" - requests: ">=2.18" - ensureconda: ">=1.3" - gitpython: ">=3.1.30" - keyring: ">=21.2.0" - html5lib: ">=1.0" - pydantic: ">=1.10" - cachy: ">=0.3.0" - clikit: ">=0.6.2" - crashtest: ">=0.3.0" - pkginfo: ">=1.4" - tomlkit: ">=0.7.0" - virtualenv: ">=20.0.26" - toolz: ">=0.12.0,<1.0.0" - cachecontrol-with-filecache: ">=0.12.9" - urllib3: ">=1.26.5,<2.0" - url: https://conda.anaconda.org/conda-forge/noarch/conda-lock-2.4.2-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/wheel-0.41.3-pyhd8ed1ab_0.conda hash: - md5: 068b8ae6928d477a0d216254f6eacd34 - sha256: c3a684affc774d45e6bef61306d1005a3fab75862bbe4f2adceb995e14a07193 + md5: 3fc026b9c87d091c4b34a6c997324ae8 + sha256: 84c3b57fba778add2bd47b7cc70e86f746d2c55549ffd2ccb6f3d6bf7c94d21d category: main optional: false - - name: dagster-graphql - version: 1.5.9 + - name: wheel + version: 0.41.3 manager: conda platform: osx-arm64 dependencies: - requests: "" - starlette: "" - python: ">=3.8" - graphene: ">=3" - gql-with-requests: ">=3.0.0" - dagster: ">=1.5.9,<1.5.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.9-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/wheel-0.41.3-pyhd8ed1ab_0.conda hash: - md5: 7dcd105a5451f9800aa6de278d86db72 - sha256: 8484c6b0db1a3505fc7d16e83e0da75b9c886ae3d497266fd06f72fcd3246786 - category: dev - optional: true - - name: dagster-postgres - version: 0.21.9 + md5: 3fc026b9c87d091c4b34a6c997324ae8 + sha256: 84c3b57fba778add2bd47b7cc70e86f746d2c55549ffd2ccb6f3d6bf7c94d21d + category: main + optional: false + - name: widgetsnbextension + version: 4.0.9 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - psycopg2-binary: "" - python: ">=3.8" - dagster: 1.5.9.* - url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.9-pyhd8ed1ab_0.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/widgetsnbextension-4.0.9-pyhd8ed1ab_0.conda hash: - md5: 18c5dd009bd4d99ec38003583134c9fc - sha256: 83ad5a4eca4698b1258398bcd405665bbd8e41464124221cf477bb78bdc22100 + md5: 82617d07b2f5f5a96296d3c19684b37a + sha256: 35dd47b3c117cd759ac46da0b69064bebccd94862e795615ee65dbbe3e6cd86b category: main optional: false - - name: fiona - version: 1.9.5 + - name: widgetsnbextension + version: 4.0.9 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - attrs: ">=17" - click: ">=4.0" - click-plugins: ">=1.0" - cligj: ">=0.5" - gdal: "" - importlib-metadata: "" - libcxx: ">=16.0.6" - libgdal: ">=3.8.0,<3.9.0a0" - munch: "" - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - setuptools: "" - shapely: "" - six: ">=1.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/fiona-1.9.5-py311h4760b73_1.conda + python: ">=3.7" + url: https://conda.anaconda.org/conda-forge/noarch/widgetsnbextension-4.0.9-pyhd8ed1ab_0.conda hash: - md5: 0232bf494596b3d10e1cf21fbcbc8615 - sha256: 9d0ad417f817677f113608aacdbac93fad06bf2a149233d299a6ada5c56c6600 + md5: 82617d07b2f5f5a96296d3c19684b37a + sha256: 35dd47b3c117cd759ac46da0b69064bebccd94862e795615ee65dbbe3e6cd86b category: main optional: false - - name: google-api-core - version: 2.14.0 + - name: widgetsnbextension + version: 4.0.9 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" - google-auth: ">=2.14.1,<3.0.dev0" - googleapis-common-protos: ">=1.56.2,<2.0.dev0" - protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - requests: ">=2.18.0,<3.0.0.dev0" - url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/widgetsnbextension-4.0.9-pyhd8ed1ab_0.conda hash: - md5: cebe18c719a6818849b921748aa91750 - sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc + md5: 82617d07b2f5f5a96296d3c19684b37a + sha256: 35dd47b3c117cd759ac46da0b69064bebccd94862e795615ee65dbbe3e6cd86b category: main optional: false - - name: google-auth-oauthlib - version: 1.1.0 + - name: wrapt + version: 1.16.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - requests-oauthlib: ">=0.7.0" - click: ">=6.0.0" - google-auth: ">=2.15.0" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-oauthlib-1.1.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/wrapt-1.16.0-py311h459d7ec_0.conda hash: - md5: ffa1e2fd52bc00ec0fc5680a2f4bd167 - sha256: fc12c5a06b4d073c855cc2c43edff0b444af7b0db860f578fee1486769af0f21 + md5: 6669b5529d206c1f880b642cdd17ae05 + sha256: 6587e0b7d42368f767172b239a755fcf6363d91348faf9b7ab5743585369fc58 category: main optional: false - - name: ipython - version: 8.17.2 + - name: wrapt + version: 1.16.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - typing_extensions: "" - decorator: "" - __osx: "" - exceptiongroup: "" - stack_data: "" - matplotlib-inline: "" - appnope: "" - pickleshare: "" - python: ">=3.9" - pygments: ">=2.4.0" - traitlets: ">=5" - jedi: ">=0.16" - pexpect: ">4.3" - prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.17.2-pyh31c8845_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/wrapt-1.16.0-py311he705e18_0.conda hash: - md5: 28e743c2963d1cecaa75f7612ade74c4 - sha256: b28ec68a49d8ddc41b92f3161f536d63e62eb5493021e41bb172b5f0af54ca2d + md5: 5ef2eefe4fca7c786bbbdd4f1de464ed + sha256: e5546a52c0c0ed8a78dbac1cfec9a639f37fb3a86ea8ade8ff44aa7459dc6796 category: main optional: false - - name: jupyter_events - version: 0.9.0 + - name: wrapt + version: 1.16.0 manager: conda platform: osx-arm64 dependencies: - rfc3339-validator: "" - referencing: "" - python: ">=3.8" - pyyaml: ">=5.3" - rfc3986-validator: ">=0.1.1" - traitlets: ">=5.3" - python-json-logger: ">=2.0.4" - jsonschema-with-format-nongpl: ">=4.18.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_events-0.9.0-pyhd8ed1ab_0.conda + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/wrapt-1.16.0-py311h05b510d_0.conda hash: - md5: 00ba25993f0dba38cf72a7224e33289f - sha256: 713f0cc927a862862a6d35bfb29c4114f987e4f59e2a8a14f71f23fcd7edfec3 + md5: 35f87feb986222d2ada633b45df0bbc9 + sha256: c071b132b8415ccd1452e0b8002aa79ea59a4fd0b0ac0d3b2fd0ab6b19b3390c category: main optional: false - - name: libarrow-acero - version: 14.0.1 + - name: xerces-c + version: 3.2.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libcxx: ">=15.0.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-acero-14.0.1-had9dd58_3_cpu.conda + icu: ">=73.2,<74.0a0" + libcurl: ">=8.2.1,<9.0a0" + libgcc-ng: ">=12" + libnsl: ">=2.0.0,<2.1.0a0" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/xerces-c-3.2.4-hac6953d_3.conda hash: - md5: 45385a4bd04cae4e3df499e585b14a0b - sha256: f82e7f13d0b6159bfd6fefc136a85bc41e0a612a9e73f097bd70fc5b9e5e0dce + md5: 297e6a75dc1b6a440cd341a85eab8a00 + sha256: faf1c8f0e625466efec442e987737057ca304f1fcf79055da4d9e93e49f14ffa category: main optional: false - - name: libarrow-flight - version: 14.0.1 + - name: xerces-c + version: 3.2.4 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - __osx: ">=10.9" - libabseil: ">=20230802.1,<20230803.0a0" - libarrow: 14.0.1 + icu: ">=73.2,<74.0a0" + libcurl: ">=8.2.1,<9.0a0" libcxx: ">=15.0.7" - libgrpc: ">=1.59.2,<1.60.0a0" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-flight-14.0.1-h1011bfc_3_cpu.conda + url: https://conda.anaconda.org/conda-forge/osx-64/xerces-c-3.2.4-h6314983_3.conda hash: - md5: 58b858ca5385418e166c7cc30654d3f2 - sha256: b895ea4bfed516ac8b974fca7c437b70ec0b753abd7546f85353e85b536c7551 + md5: 9623310baca5b47637cf46889bd77178 + sha256: 19f501a66a1ffdda31e0af7fe088a1de4405c6ce72f9a07ba0813ab8c2f0ada7 category: main optional: false - - name: libarrow-gandiva - version: 14.0.1 + - name: xerces-c + version: 3.2.4 manager: conda platform: osx-arm64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 + icu: ">=73.2,<74.0a0" + libcurl: ">=8.2.1,<9.0a0" libcxx: ">=15.0.7" - libllvm15: ">=15.0.7,<15.1.0a0" - libre2-11: ">=2023.6.2,<2024.0a0" - libutf8proc: ">=2.8.0,<3.0a0" - openssl: ">=3.1.4,<4.0a0" - re2: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-gandiva-14.0.1-h2b96968_3_cpu.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/xerces-c-3.2.4-hd886eac_3.conda hash: - md5: 2356cd3eaa70c7ec2f73b8e061bb4c5f - sha256: 031f324a5845fb7db4b15df6e70b3fa8ab7d83508072838c2801ffea81692d67 + md5: 916e77cb0be0040410881fba8e28b5bb + sha256: 5ecc3322ddcad0a002a44bd4dddfe898b9e02951c629f6962c23b3bcf6014c9f category: main optional: false - - name: libparquet - version: 14.0.1 + - name: xlrd + version: 2.0.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libcxx: ">=15.0.7" - libthrift: ">=0.19.0,<0.19.1.0a0" - openssl: ">=3.1.4,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libparquet-14.0.1-heaab74a_3_cpu.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/xlrd-2.0.1-pyhd8ed1ab_3.tar.bz2 hash: - md5: 84a11f6c99bbd2fce61890751fc94777 - sha256: 0514387e5082b50d716bb3e91de9898e928616843105c413d1ddf5f78a80210a + md5: 97dfcd5ff030d829b55f67e82f928093 + sha256: a97030fc6cde1a335c035392db47efdb4add7d1db76a11b4bfac6ec7fc42bfe5 category: main optional: false - - name: mapclassify - version: 2.6.1 + - name: xlrd + version: 2.0.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.9" - scikit-learn: ">=1.0" - scipy: ">=1.8" - numpy: ">=1.23" - networkx: ">=2.7" - pandas: ">=1.4,!=1.5.0" - url: https://conda.anaconda.org/conda-forge/noarch/mapclassify-2.6.1-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/xlrd-2.0.1-pyhd8ed1ab_3.tar.bz2 hash: - md5: 6aceae1ad4f16cf7b73ee04189947f98 - sha256: 204ab8b242229d422b33cfec07ea61cefa8bd22375a16658afbabaafce031d64 + md5: 97dfcd5ff030d829b55f67e82f928093 + sha256: a97030fc6cde1a335c035392db47efdb4add7d1db76a11b4bfac6ec7fc42bfe5 category: main optional: false - - name: nbclient - version: 0.8.0 + - name: xlrd + version: 2.0.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.8" - jupyter_client: ">=6.1.12" - jupyter_core: ">=4.12,!=5.0.*" - nbformat: ">=5.1" - traitlets: ">=5.4" - url: https://conda.anaconda.org/conda-forge/noarch/nbclient-0.8.0-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/xlrd-2.0.1-pyhd8ed1ab_3.tar.bz2 hash: - md5: e78da91cf428faaf05701ce8cc8f2f9b - sha256: 4ebd237cdf4bfa5226f92d2ae78fab8dba27696909391884dc6594ca6f9df5ff + md5: 97dfcd5ff030d829b55f67e82f928093 + sha256: a97030fc6cde1a335c035392db47efdb4add7d1db76a11b4bfac6ec7fc42bfe5 category: main optional: false - - name: pygraphviz - version: "1.11" + - name: xlsxwriter + version: 3.1.9 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - graphviz: ">=8.1.0,<9.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/pygraphviz-1.11-py311h5178850_1.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/xlsxwriter-3.1.9-pyhd8ed1ab_0.conda hash: - md5: 92c2df5863e0adfa5465e24427ca327f - sha256: bb7fa662255f2d52d593da156d4f57c13fbe9658d057d6450bfa378655796970 - category: dev - optional: true - - name: recordlinkage - version: "0.16" + md5: 70e533db62a710ae216fdaccc4a983c8 + sha256: 96f04c1aa99d3a90319979079cfe0f17ecea2bf0d67ca07c12d210af355a5d1d + category: main + optional: false + - name: xlsxwriter + version: 3.1.9 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - joblib: "" - numexpr: "" - python: ">=3.8" - numpy: ">=1.13" - scikit-learn: ">=1" - pandas: ">=1,<3" - scipy: ">=1" - jellyfish: ">=1" - url: https://conda.anaconda.org/conda-forge/noarch/recordlinkage-0.16-pyhd8ed1ab_0.conda + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/xlsxwriter-3.1.9-pyhd8ed1ab_0.conda hash: - md5: 948205d11a8b036e065c46462db0632a - sha256: 3f3c03719d6bdef41f8a08f51fb3e58a80223a321ffca413eda0c332bfa75bf0 + md5: 70e533db62a710ae216fdaccc4a983c8 + sha256: 96f04c1aa99d3a90319979079cfe0f17ecea2bf0d67ca07c12d210af355a5d1d category: main optional: false - - name: tabulator - version: 1.53.5 + - name: xlsxwriter + version: 3.1.9 manager: conda platform: osx-arm64 dependencies: - python: ">=3" - click: ">=6.0" - six: ">=1.9" - chardet: ">=3.0" - unicodecsv: ">=0.14" - requests: ">=2.8" - boto3: ">=1.9" - xlrd: ">=1.0" - jsonlines: ">=1.1" - linear-tsv: ">=1.0" - sqlalchemy: ">=0.9.6" - openpyxl: ">=2.6" - ijson: ">=3.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/tabulator-1.53.5-pyhd8ed1ab_0.tar.bz2 + python: ">=3.6" + url: https://conda.anaconda.org/conda-forge/noarch/xlsxwriter-3.1.9-pyhd8ed1ab_0.conda hash: - md5: c967687222ad29a74f68e99698d08d30 - sha256: b5fb89f1154cf6b5e620c18a9c4f73c7b79afa72a7e3e840a82e225a90955335 + md5: 70e533db62a710ae216fdaccc4a983c8 + sha256: 96f04c1aa99d3a90319979079cfe0f17ecea2bf0d67ca07c12d210af355a5d1d category: main optional: false - - name: dagster-webserver - version: 1.5.9 + - name: xorg-kbproto + version: 1.0.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - starlette: "" - uvicorn-standard: "" - python: ">=3.8" - click: ">=7.0,<9.0" - dagster: ">=1.5.9,<1.5.10.0a0" - dagster-graphql: ">=1.5.9,<1.5.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.9-pyhd8ed1ab_0.conda + libgcc-ng: ">=9.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-kbproto-1.0.7-h7f98852_1002.tar.bz2 hash: - md5: 880fa7acdbf3494cef45759bb866bb63 - sha256: 2fce08b607d97f72d7452350a0c917d96419074381bf8791ebe116ec3a57b8f4 - category: dev - optional: true - - name: geopandas - version: 0.14.1 + md5: 4b230e8381279d76131116660f5a241a + sha256: e90b0a6a5d41776f11add74aa030f789faf4efd3875c31964d6f9cfa63a10dd1 + category: main + optional: false + - name: xorg-libice + version: 1.1.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - matplotlib-base: "" - rtree: "" - folium: "" - xyzservices: "" - python: ">=3.9" - mapclassify: ">=2.4.0" - fiona: ">=1.8.21" - geopandas-base: 0.14.1 - url: https://conda.anaconda.org/conda-forge/noarch/geopandas-0.14.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libice-1.1.1-hd590300_0.conda hash: - md5: 6ce5f89fb1e2aa7e04d12c0008b3a745 - sha256: f3563ad6f1a55587c097337ece863e583c796c9a9df3ecb396bbfeec4ec309fb + md5: b462a33c0be1421532f28bfe8f4a7514 + sha256: 5aa9b3682285bb2bf1a8adc064cb63aff76ef9178769740d855abb42b0d24236 category: main optional: false - - name: google-cloud-core - version: 2.3.3 + - name: xorg-libsm + version: 1.2.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - google-auth: ">=1.25.0,<3.0dev" - google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" - grpcio: ">=1.38.0,<2.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libuuid: ">=2.38.1,<3.0a0" + xorg-libice: ">=1.1.1,<2.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libsm-1.2.4-h7391055_0.conda hash: - md5: a26b1fa8555cc1d2f0f7ff9985303e66 - sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + md5: 93ee23f12bc2e684548181256edd2cf6 + sha256: 089ad5f0453c604e18985480218a84b27009e9e6de9a0fa5f4a20b8778ede1f1 category: main optional: false - - name: ipykernel - version: 6.26.0 + - name: xorg-libx11 + version: 1.8.7 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - packaging: "" - psutil: "" - nest-asyncio: "" - __osx: "" - appnope: "" - python: ">=3.8" - tornado: ">=6.1" - jupyter_client: ">=6.1.12" - ipython: ">=7.23.1" - matplotlib-inline: ">=0.1" - jupyter_core: ">=4.12,!=5.0.*" - debugpy: ">=1.6.5" - comm: ">=0.1.1" - pyzmq: ">=20" - traitlets: ">=5.4.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipykernel-6.26.0-pyh3cd1d5f_0.conda + libgcc-ng: ">=12" + libxcb: ">=1.15,<1.16.0a0" + xorg-kbproto: "" + xorg-xextproto: ">=7.3.0,<8.0a0" + xorg-xproto: "" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libx11-1.8.7-h8ee46fc_0.conda hash: - md5: 3c6e2148d30e6a762d8327a433ebfb5a - sha256: be9927d47fe23cc4d2a09d252e37e1e56ffb137767d2c0577ed882ead16f75fa + md5: 49e482d882669206653b095f5206c05b + sha256: 7a02a7beac472ae2759498550b5fc5261bf5be7a9a2b4648a3f67818a7bfefcf category: main optional: false - - name: ipywidgets - version: 8.1.1 + - name: xorg-libxau + version: 1.0.11 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.7" - traitlets: ">=4.3.1" - ipython: ">=6.1.0" - comm: ">=0.1.3" - jupyterlab_widgets: ">=3.0.9,<3.1.0" - widgetsnbextension: ">=4.0.9,<4.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipywidgets-8.1.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxau-1.0.11-hd590300_0.conda hash: - md5: 2605fae5ee27100e5f10037baebf4d41 - sha256: 8136defec115396ba992273a77f814d74eeafd9cc099f5430d109c60785a7f02 + md5: 2c80dc38fface310c9bd81b17037fee5 + sha256: 309751371d525ce50af7c87811b435c176915239fc9e132b99a25d5e1703f2d4 category: main optional: false - - name: libarrow-dataset - version: 14.0.1 + - name: xorg-libxau + version: 1.0.11 manager: conda - platform: osx-arm64 - dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libcxx: ">=15.0.7" - libparquet: 14.0.1 - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-dataset-14.0.1-had9dd58_3_cpu.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/xorg-libxau-1.0.11-h0dc2134_0.conda hash: - md5: 01f2b9ff760ec946a47736a95bf070ce - sha256: bf47c92c431e3eb1b79498a7826beee404b7186c160e5646d06fe8bd3c52fb42 + md5: 9566b4c29274125b0266d0177b5eb97b + sha256: 8a2e398c4f06f10c64e69f56bcf3ddfa30b432201446a0893505e735b346619a category: main optional: false - - name: libarrow-flight-sql - version: 14.0.1 + - name: xorg-libxau + version: 1.0.11 manager: conda platform: osx-arm64 - dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-flight: 14.0.1 - libcxx: ">=15.0.7" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-flight-sql-14.0.1-h660fe36_3_cpu.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/xorg-libxau-1.0.11-hb547adb_0.conda hash: - md5: e68ba1cba4bc839af1fb2240e2f7a93a - sha256: 831e8f230d0b489ee2c541a091351857ac369813f555ae3789980132a2a3a365 + md5: ca73dc4f01ea91e44e3ed76602c5ea61 + sha256: 02c313a1cada46912e5b9bdb355cfb4534bfe22143b4ea4ecc419690e793023b category: main optional: false - - name: nbconvert-core - version: 7.11.0 + - name: xorg-libxdmcp + version: 1.1.3 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - packaging: "" - beautifulsoup4: "" - defusedxml: "" - bleach: "" - tinycss2: "" - jupyterlab_pygments: "" - python: ">=3.8" - jinja2: ">=3.0" - entrypoints: ">=0.2.2" - traitlets: ">=5.0" - markupsafe: ">=2.0" - pandocfilters: ">=1.4.1" - jupyter_core: ">=4.7" - nbformat: ">=5.1" - pygments: ">=2.4.1" - nbclient: ">=0.5.0" - mistune: ">=2.0.3,<4" - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-core-7.11.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=9.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxdmcp-1.1.3-h7f98852_0.tar.bz2 hash: - md5: d59e0cb1ca993f8f910cfdf393232acf - sha256: 81732e083c4c85a52248e20ff0e40a14b0b49db9cc7ce414e8aa7d6f8980dad0 + md5: be93aabceefa2fac576e971aef407908 + sha256: 4df7c5ee11b8686d3453e7f3f4aa20ceef441262b49860733066c52cfd0e4a77 category: main optional: false - - name: tableschema - version: 1.19.3 + - name: xorg-libxdmcp + version: 1.1.3 manager: conda - platform: osx-arm64 - dependencies: - python: "" - python-dateutil: ">=2.4" - six: ">=1.9" - jsonschema: ">=2.5" - requests: ">=2.5" - unicodecsv: ">=0.14" - isodate: ">=0.5.4" - click: ">=3.3" - rfc3986: ">=1.1.0" - cached-property: ">=1.5" - tabulator: ">=1.29" - url: https://conda.anaconda.org/conda-forge/noarch/tableschema-1.19.3-pyh9f0ad1d_0.tar.bz2 + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/xorg-libxdmcp-1.1.3-h35c211d_0.tar.bz2 hash: - md5: 57f70b39e74b4af667775c0a07f35cc3 - sha256: bc96dd4ee4d7ee5d6753158ba50aacd08c80a657847d6771cc4c56da538437e7 + md5: 86ac76d6bf1cbb9621943eb3bd9ae36e + sha256: 485421c16f03a01b8ed09984e0b2ababdbb3527e1abf354ff7646f8329be905f category: main optional: false - - name: datapackage - version: 1.15.2 + - name: xorg-libxdmcp + version: 1.1.3 manager: conda platform: osx-arm64 - dependencies: - python: "" - six: ">=1.10" - jsonschema: ">=2.5" - unicodecsv: ">=0.14" - requests: ">=2.8" - click: ">=6.7" - cchardet: ">=1.0" - jsonpointer: ">=1.10" - tableschema: ">=1.1.0" - tabulator: ">=1.24.2" - url: https://conda.anaconda.org/conda-forge/noarch/datapackage-1.15.2-pyh44b312d_0.tar.bz2 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/xorg-libxdmcp-1.1.3-h27ca646_0.tar.bz2 hash: - md5: 3f1a6895ab9c423cf59de7c46e56a824 - sha256: 3344e3c1ea6a1925504f7cbfba6f4be6521465baa2de6bac86769528ea1c3d0d + md5: 6738b13f7fadc18725965abdd4129c36 + sha256: d9a2fb4762779994718832f05a7d62ab2dcf6103a312235267628b5187ce88f7 category: main optional: false - - name: google-cloud-storage - version: 2.13.0 + - name: xorg-libxext + version: 1.3.4 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.6" - requests: ">=2.18.0,<3.0.0dev" - google-api-core: ">=1.31.5,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" - google-cloud-core: ">=2.3.0,<3.0dev" - google-crc32c: ">=1.0,<2.0dev" - protobuf: <5.0.0dev - google-resumable-media: ">=2.6.0" - google-auth: ">=2.23.3,<3.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-storage-2.13.0-pyhca7485f_0.conda + libgcc-ng: ">=12" + xorg-libx11: ">=1.7.2,<2.0a0" + xorg-xextproto: "" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxext-1.3.4-h0b41bf4_2.conda hash: - md5: fa7d4b2576d98b63d8ca84c76052eb95 - sha256: 8aeb7dc1298845316e9289100c5e54a9eb403c4244621d15654266c7dd225f16 + md5: 82b6df12252e6f32402b96dacc656fec + sha256: 73e5cfbdff41ef8a844441f884412aa5a585a0f0632ec901da035a03e1fe1249 category: main optional: false - - name: jupyter_console - version: 6.6.3 + - name: xorg-libxrender + version: 0.9.11 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - ipython: "" - pygments: "" - python: ">=3.7" - pyzmq: ">=17" - jupyter_core: ">=4.12,!=5.0.*" - jupyter_client: ">=7.0.0" - ipykernel: ">=6.14" - traitlets: ">=5.4" - prompt_toolkit: ">=3.0.30" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_console-6.6.3-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + xorg-libx11: ">=1.8.6,<2.0a0" + xorg-renderproto: "" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-libxrender-0.9.11-hd590300_0.conda + hash: + md5: ed67c36f215b310412b2af935bf3e530 + sha256: 26da4d1911473c965c32ce2b4ff7572349719eaacb88a066db8d968a4132c3f7 + category: main + optional: false + - name: xorg-renderproto + version: 0.11.1 + manager: conda + platform: linux-64 + dependencies: + libgcc-ng: ">=9.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-renderproto-0.11.1-h7f98852_1002.tar.bz2 hash: - md5: 7cf6f52a66f8e3cd9d8b6c231262dcab - sha256: 4e51764d5fe2f6e43d83bcfbcf8b4da6569721bf82eaf4d647be8717cd6be75a + md5: 06feff3d2634e3097ce2fe681474b534 + sha256: 38942930f233d1898594dd9edf4b0c0786f3dbc12065a0c308634c37fd936034 category: main optional: false - - name: jupyter_server - version: 2.10.1 + - name: xorg-xextproto + version: 7.3.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - packaging: "" - jinja2: "" - prometheus_client: "" - websocket-client: "" - argon2-cffi: "" - overrides: "" - jupyter_server_terminals: "" - python: ">=3.8" - terminado: ">=0.8.3" - jupyter_core: ">=4.12,!=5.0.*" - nbconvert-core: ">=6.4.4" - tornado: ">=6.2.0" - jupyter_client: ">=7.4.4" - nbformat: ">=5.3.0" - pyzmq: ">=24" - traitlets: ">=5.6.0" - anyio: ">=3.1.0" - send2trash: ">=1.8.2" - jupyter_events: ">=0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-xextproto-7.3.0-h0b41bf4_1003.conda hash: - md5: 7d15498584d83de3b357425e37086397 - sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 + md5: bce9f945da8ad2ae9b1d7165a64d0f87 + sha256: b8dda3b560e8a7830fe23be1c58cc41f407b2e20ae2f3b6901eb5842ba62b743 category: main optional: false - - name: libarrow-substrait - version: 14.0.1 + - name: xorg-xproto + version: 7.0.31 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libarrow-dataset: 14.0.1 - libcxx: ">=15.0.7" - libprotobuf: ">=4.24.4,<4.24.5.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libarrow-substrait-14.0.1-h594d712_3_cpu.conda + libgcc-ng: ">=9.3.0" + url: https://conda.anaconda.org/conda-forge/linux-64/xorg-xproto-7.0.31-h7f98852_1007.tar.bz2 hash: - md5: 59202c5ba6c585009550a0c84d0aa7c7 - sha256: b080df09fd9444534d10baf9fdafeb1602e230fcd8edb2fc030be2a0e04e0cc9 + md5: b4a4381d54784606820704f7b5f05a15 + sha256: f197bb742a17c78234c24605ad1fe2d88b1d25f332b75d73e5ba8cf8fbc2a10d category: main optional: false - - name: nbconvert-pandoc - version: 7.11.0 + - name: xyzservices + version: 2023.10.1 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - pandoc: "" python: ">=3.8" - nbconvert-core: 7.11.0 - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-pandoc-7.11.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/xyzservices-2023.10.1-pyhd8ed1ab_0.conda hash: - md5: 51bd005efab7e5c5c2af2570327bd213 - sha256: 377d3c3f973b6885406ff6606d24c5e1fbd0d0fdc64c0dc17162f6daf35e08cf + md5: 1e0d85c0e2fef9539218da185b285f54 + sha256: da655e2e0a742fddefeeaf2dd828b62a1820a3755d13341e1a555a10fcb9cf81 category: main optional: false - - name: qtconsole-base - version: 5.5.1 + - name: xyzservices + version: 2023.10.1 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - packaging: "" - pygments: "" - traitlets: "" - jupyter_core: "" python: ">=3.8" - ipykernel: ">=4.1" - jupyter_client: ">=4.1" - qtpy: ">=2.4.0" - url: https://conda.anaconda.org/conda-forge/noarch/qtconsole-base-5.5.1-pyha770c72_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/xyzservices-2023.10.1-pyhd8ed1ab_0.conda hash: - md5: 5528a3eda283b421055c89bface19a1c - sha256: e81a294941a598aabfd9462cf9aaa3b3e2c04996420f82494bdc13233de8ca70 + md5: 1e0d85c0e2fef9539218da185b285f54 + sha256: da655e2e0a742fddefeeaf2dd828b62a1820a3755d13341e1a555a10fcb9cf81 category: main optional: false - - name: gcsfs - version: 2023.10.0 + - name: xyzservices + version: 2023.10.1 manager: conda platform: osx-arm64 dependencies: - requests: "" - aiohttp: "" - google-auth-oauthlib: "" - python: ">=3.7" - google-auth: ">=1.2" - decorator: ">4.1.2" - google-cloud-storage: ">1.40" - fsspec: 2023.10.0 - url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.10.0-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/xyzservices-2023.10.1-pyhd8ed1ab_0.conda hash: - md5: 500521931bdcc0f6d19c1c2e2ab4a5d9 - sha256: dd7559c5297359e475a125742e9cb30938579e93a17ce7537af64a04c98407a5 + md5: 1e0d85c0e2fef9539218da185b285f54 + sha256: da655e2e0a742fddefeeaf2dd828b62a1820a3755d13341e1a555a10fcb9cf81 category: main optional: false - - name: jupyter-lsp - version: 2.2.0 + - name: xz + version: 5.2.6 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - importlib-metadata: ">=4.8.3" - jupyter_server: ">=1.1.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/xz-5.2.6-h166bdaf_0.tar.bz2 hash: - md5: 38589f4104d11f2a59ff01a9f4e3bfb3 - sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c + md5: 2161070d867d1b1204ea749c8eec4ef0 + sha256: 03a6d28ded42af8a347345f82f3eebdd6807a08526d47899a42d62d319609162 category: main optional: false - - name: jupyter-resource-usage - version: 1.0.1 + - name: xz + version: 5.2.6 manager: conda - platform: osx-arm64 - dependencies: - python: ">=3.8" - jupyter_server: ">=2.0.0,<3" - psutil: ">=5.6.0,<6" - pyzmq: ">=19" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-resource-usage-1.0.1-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/xz-5.2.6-h775f41a_0.tar.bz2 hash: - md5: b079fd1b0ee75199a042537d036b496f - sha256: 076d6cc25e0338e725a653eb0bb468ba920e49449143335696581fe98f86853b - category: dev - optional: true - - name: jupyterlab_server - version: 2.25.2 + md5: a72f9d4ea13d55d745ff1ed594747f10 + sha256: eb09823f34cc2dd663c0ec4ab13f246f45dcd52e5b8c47b9864361de5204a1c8 + category: main + optional: false + - name: xz + version: 5.2.6 manager: conda platform: osx-arm64 - dependencies: - python: ">=3.8" - packaging: ">=21.3" - jinja2: ">=3.0.3" - importlib-metadata: ">=4.8.3" - jupyter_server: ">=1.21,<3" - babel: ">=2.10" - json5: ">=0.9.0" - requests: ">=2.31" - jsonschema: ">=4.18" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab_server-2.25.2-pyhd8ed1ab_0.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/xz-5.2.6-h57fd34a_0.tar.bz2 hash: - md5: f45557d5551b54dc2a74133a310bc1ba - sha256: 51c13a87072a64df1a0ae14fbb470bc4e36becf4d50693ffab53174199ca4f4b + md5: 39c6b54e94014701dd157f4f576ed211 + sha256: 59d78af0c3e071021cfe82dc40134c19dab8cdf804324b62940f5c8cd71803ec category: main optional: false - - name: nbconvert - version: 7.11.0 + - name: yaml + version: 0.2.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.8" - nbconvert-core: 7.11.0 - nbconvert-pandoc: 7.11.0 - url: https://conda.anaconda.org/conda-forge/noarch/nbconvert-7.11.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=9.4.0" + url: https://conda.anaconda.org/conda-forge/linux-64/yaml-0.2.5-h7f98852_2.tar.bz2 hash: - md5: e492b36cbea1c83d1663fa73a8abff9b - sha256: 6af7048b30c0ce6746297548df981037802f713853a1e856aedd2f8164946d39 + md5: 4cb3ad778ec2d5a7acbdf254eb1c42ae + sha256: a4e34c710eeb26945bdbdaba82d3d74f60a78f54a874ec10d373811a5d217535 category: main optional: false - - name: notebook-shim - version: 0.2.3 + - name: yaml + version: 0.2.5 manager: conda - platform: osx-arm64 - dependencies: - python: ">=3.7" - jupyter_server: ">=1.8,<3" - url: https://conda.anaconda.org/conda-forge/noarch/notebook-shim-0.2.3-pyhd8ed1ab_0.conda + platform: osx-64 + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-64/yaml-0.2.5-h0d85af4_2.tar.bz2 hash: - md5: 67e0fe74c156267d9159e9133df7fd37 - sha256: f028d7ad1f2175cde307db08b60d07e371b9d6f035cfae6c81ea94b4c408c538 + md5: d7e08fcf8259d742156188e8762b4d20 + sha256: 5301417e2c8dea45b401ffee8df3957d2447d4ce80c83c5ff151fc6bfe1c4148 category: main optional: false - - name: pyarrow - version: 14.0.1 + - name: yaml + version: 0.2.5 manager: conda platform: osx-arm64 - dependencies: - __osx: ">=10.9" - libarrow: 14.0.1 - libarrow-acero: 14.0.1 - libarrow-dataset: 14.0.1 - libarrow-flight: 14.0.1 - libarrow-flight-sql: 14.0.1 - libarrow-gandiva: 14.0.1 - libarrow-substrait: 14.0.1 - libcxx: ">=15.0.7" - libparquet: 14.0.1 - numpy: ">=1.23.5,<2.0a0" - python: ">=3.11,<3.12.0a0" - python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/pyarrow-14.0.1-py311h637fcfe_3_cpu.conda + dependencies: {} + url: https://conda.anaconda.org/conda-forge/osx-arm64/yaml-0.2.5-h3422bc3_2.tar.bz2 hash: - md5: 77ebcf968cbdac3f5a676239faf6103b - sha256: 9ec472ee46cf2944ff328eb8d027fac5bb0d56c14653723cd63b46fc9c786042 + md5: 4bb3f014845110883a3c5ee811fd84b4 + sha256: 93181a04ba8cfecfdfb162fc958436d868cc37db504c58078eab4c1a3e57fbb7 category: main optional: false - - name: jupyterlab - version: 4.0.8 + - name: yarl + version: 1.9.2 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - packaging: "" - traitlets: "" - tomli: "" - ipykernel: "" - jupyter_core: "" - python: ">=3.8" - jinja2: ">=3.0.3" - tornado: ">=6.2.0" - importlib_metadata: ">=4.8.3" - jupyter_server: ">=2.4.0,<3" - importlib_resources: ">=1.4" - jupyter-lsp: ">=2.0.0" - async-lru: ">=1.0.0" - jupyterlab_server: ">=2.19.0,<3" - notebook-shim: ">=0.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyterlab-4.0.8-pyhd8ed1ab_0.conda - hash: - md5: 299796efa08ad91c602fa4d0c5ecc86f - sha256: fe5ca6c8bbda69af332593d7f9592aa19d9ab98d34c647ed0d8fbbae88b29a95 - category: dev - optional: true - - name: notebook - version: 7.0.6 + idna: ">=2.0" + libgcc-ng: ">=12" + multidict: ">=4.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/linux-64/yarl-1.9.2-py311h459d7ec_1.conda + hash: + md5: 132637a291f818a0e99c8ca468e92eb8 + sha256: f25893b4c4e4432cdfa1c19631dd503e5f197704d2b9d09624520ece9a6845f0 + category: main + optional: false + - name: yarl + version: 1.9.2 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.8" - tornado: ">=6.2.0" - jupyter_server: ">=2.4.0,<3" - jupyterlab_server: ">=2.22.1,<3" - notebook-shim: ">=0.2,<0.3" - jupyterlab: ">=4.0.7,<5" - url: https://conda.anaconda.org/conda-forge/noarch/notebook-7.0.6-pyhd8ed1ab_0.conda + idna: ">=2.0" + multidict: ">=4.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-64/yarl-1.9.2-py311he705e18_1.conda hash: - md5: d60881c78a54cbf8042ae719f1f77a50 - sha256: 5259ad2fb47300407dafa6ea5e78085a2c8de8dcdbfbaa58592bf2677d7187a9 + md5: ac4f2406c36c333c12544f6605563188 + sha256: 2f2a68c01850a0406e2ef71c07f8f4d7a338e6a98e906a042b5b7de48ba4a558 category: main optional: false - - name: jupyter - version: 1.0.0 + - name: yarl + version: 1.9.2 manager: conda platform: osx-arm64 dependencies: - ipywidgets: "" - notebook: "" - ipykernel: "" - nbconvert: "" - qtconsole-base: "" - jupyter_console: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-1.0.0-pyhd8ed1ab_10.conda + idna: ">=2.0" + multidict: ">=4.0" + python: ">=3.11,<3.12.0a0" + python_abi: 3.11.* + url: https://conda.anaconda.org/conda-forge/osx-arm64/yarl-1.9.2-py311h05b510d_1.conda hash: - md5: 056b8cc3d9b03f54fc49e6d70d7dc359 - sha256: 308b521b149e7a1739f717538b929bc2d87b9001b94f13ee8baa939632a86150 + md5: ada6c2013b3616c82f8f090871aaecdc + sha256: eccb5dc2e3c6cf23ec7ca94f591cb7ab1bd362e5eba546a4d7e2bb8c219a93ec category: main optional: false - - name: sphinx-autoapi - version: 3.0.0 + - name: zeromq + version: 4.3.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - pyyaml: "" - jinja2: "" - anyascii: "" - python: ">=3.8" - astroid: ">=2.7" - sphinx: ">=6.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-autoapi-3.0.0-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libsodium: ">=1.0.18,<1.0.19.0a0" + libstdcxx-ng: ">=12" + url: https://conda.anaconda.org/conda-forge/linux-64/zeromq-4.3.5-h59595ed_0.conda hash: - md5: 736b53813c2b9582b1345462d8ca66e7 - sha256: 61d127c9e32176ac75a24b85c4d1ba3e8cf7e638884331429752a2da6a3ac63a + md5: 8851084c192dbc56215ac4e3c9aa30fa + sha256: 53bf2a18224406e9806adb3b270a2c8a028aca0c89bd40114a85d6446f5c98d1 category: main optional: false - - name: sphinx-basic-ng - version: 1.0.0b2 + - name: zeromq + version: 4.3.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.7" - sphinx: ">=4.0,<8.0" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-basic-ng-1.0.0b2-pyhd8ed1ab_1.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + libsodium: ">=1.0.18,<1.0.19.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/zeromq-4.3.5-h93d8f39_0.conda hash: - md5: a631f5c7b7f5045448f966ad71aa2881 - sha256: 3c7a6a8bb6c9921741ef940cd61ff1694beac3c95ca7e9ad4b0ea32e2f6ac2fa + md5: 4c055e46b394be36681fe476c1e2ee6e + sha256: 19be553b3cc8352b6e842134b8de66ae39fcae80bc575c203076370faab6009c category: main optional: false - - name: furo - version: 2023.9.10 + - name: zeromq + version: 4.3.5 manager: conda platform: osx-arm64 dependencies: - beautifulsoup4: "" - sphinx-basic-ng: "" - python: ">=3.7" - pygments: ">=2.7" - sphinx: ">=6.0,<8.0" - url: https://conda.anaconda.org/conda-forge/noarch/furo-2023.9.10-pyhd8ed1ab_0.conda + __osx: ">=10.9" + libcxx: ">=16.0.6" + libsodium: ">=1.0.18,<1.0.19.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/zeromq-4.3.5-h965bd2d_0.conda hash: - md5: 0dcfacf6d3e49f2957c69c81356cf892 - sha256: 95f69e36078dd598f5b28b2e0d7ff94946170af9f990b7474ee5501378203bc3 + md5: f460bbcb0ec8dc77989288fe8caa0f84 + sha256: 06abddc92d0bf83cd9faf25f26c98d7c2cc681cb50504011580b0584cf3cb1c5 category: main optional: false - - name: sphinx-issues - version: 1.2.0 + - name: zipp + version: 3.17.0 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: "" - sphinx: "" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-issues-1.2.0-py_0.tar.bz2 + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/zipp-3.17.0-pyhd8ed1ab_0.conda hash: - md5: 2d5c0dddca9bb724dcf5a3fb295a2266 - sha256: 9d98392bff12194c45c6f13c6c93d0b15b2fe489de5746654e732009fce41a86 + md5: 2e4d6bc0b14e10f895fc6791a7d9b26a + sha256: bced1423fdbf77bca0a735187d05d9b9812d2163f60ab426fc10f11f92ecbe26 category: main optional: false - - name: sphinx-reredirects - version: 0.1.2 + - name: zipp + version: 3.17.0 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - sphinx: "" - python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-reredirects-0.1.2-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/zipp-3.17.0-pyhd8ed1ab_0.conda hash: - md5: 30e618adaaf11aa4a98912913c62a12b - sha256: bcc792d6fbfc06298d23e98216d1aeca95eb69005ce8176094128990aed1f11c + md5: 2e4d6bc0b14e10f895fc6791a7d9b26a + sha256: bced1423fdbf77bca0a735187d05d9b9812d2163f60ab426fc10f11f92ecbe26 category: main optional: false - - name: sphinxcontrib-applehelp - version: 1.0.7 + - name: zipp + version: 3.17.0 manager: conda platform: osx-arm64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-applehelp-1.0.7-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/zipp-3.17.0-pyhd8ed1ab_0.conda hash: - md5: aebfabcb60c33a89c1f9290cab49bc93 - sha256: 67e2b386c7b3c858ead88fa71fe4fa5eb1f4f59d7994d167b3910a744db392d3 + md5: 2e4d6bc0b14e10f895fc6791a7d9b26a + sha256: bced1423fdbf77bca0a735187d05d9b9812d2163f60ab426fc10f11f92ecbe26 category: main optional: false - - name: sphinxcontrib-bibtex - version: 2.6.1 + - name: zlib + version: 1.2.13 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - dataclasses: "" - python: ">=3.7" - pybtex: ">=0.24" - importlib_metadata: ">=3.6" - pybtex-docutils: ">=1" - docutils: ">=0.8,!=0.18.*,!=0.19.*" - sphinx: ">=3.5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-bibtex-2.6.1-pyhd8ed1ab_1.conda + libgcc-ng: ">=12" + libzlib: 1.2.13 + url: https://conda.anaconda.org/conda-forge/linux-64/zlib-1.2.13-hd590300_5.conda hash: - md5: 109cf3a7c844834267057e80b4f4eae3 - sha256: 2d04d3e165c0959d995faab5ccd5fa3581016c02fb94df4eb5d0e0a89fe9ff50 + md5: 68c34ec6149623be41a1933ab996a209 + sha256: 9887a04d7e7cb14bd2b52fa01858f05a6d7f002c890f618d9fcd864adbfecb1b category: main optional: false - - name: sphinxcontrib-devhelp - version: 1.0.5 + - name: zlib + version: 1.2.13 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-devhelp-1.0.5-pyhd8ed1ab_0.conda + libzlib: 1.2.13 + url: https://conda.anaconda.org/conda-forge/osx-64/zlib-1.2.13-h8a1eda9_5.conda hash: - md5: ebf08f5184d8eaa486697bc060031953 - sha256: 770e13ebfef321426c09ec51d95c57755512db160518b2922a4337546ee51672 + md5: 75a8a98b1c4671c5d2897975731da42d + sha256: d1f4c82fd7bd240a78ce8905e931e68dca5f523c7da237b6b63c87d5625c5b35 category: main optional: false - - name: sphinxcontrib-htmlhelp - version: 2.0.4 + - name: zlib + version: 1.2.13 manager: conda platform: osx-arm64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-htmlhelp-2.0.4-pyhd8ed1ab_0.conda + libzlib: 1.2.13 + url: https://conda.anaconda.org/conda-forge/osx-arm64/zlib-1.2.13-h53f4e23_5.conda hash: - md5: a9a89000dfd19656ad004b937eeb6828 - sha256: 5f09cd4a08a6c194c11999871a8c7cedc2cd7edd9ff7ceb6f0667b6698be4cc5 + md5: a08383f223b10b71492d27566fafbf6c + sha256: de0ee1e24aa6867058d3b852a15c8d7f49f262f5828772700c647186d4a96bbe category: main optional: false - - name: sphinxcontrib-qthelp - version: 1.0.6 + - name: zstd + version: 1.5.5 manager: conda - platform: osx-arm64 + platform: linux-64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-qthelp-1.0.6-pyhd8ed1ab_0.conda + libgcc-ng: ">=12" + libstdcxx-ng: ">=12" + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/zstd-1.5.5-hfc55251_0.conda hash: - md5: cf5c9649272c677a964a7313279e3a9b - sha256: 9ba5cea9cbab64106e8b5a9b19add855dcb52b8fbb1674398c715bccdbc04471 + md5: 04b88013080254850d6c01ed54810589 + sha256: 607cbeb1a533be98ba96cf5cdf0ddbb101c78019f1fda063261871dad6248609 category: main optional: false - - name: sphinx - version: 7.2.6 + - name: zstd + version: 1.5.5 manager: conda - platform: osx-arm64 + platform: osx-64 dependencies: - sphinxcontrib-jsmath: "" - sphinxcontrib-applehelp: "" - sphinxcontrib-devhelp: "" - sphinxcontrib-qthelp: "" - python: ">=3.9" - jinja2: ">=3.0" - packaging: ">=21.0" - alabaster: ">=0.7,<0.8" - requests: ">=2.25.0" - colorama: ">=0.4.5" - pygments: ">=2.14" - sphinxcontrib-htmlhelp: ">=2.0.0" - importlib-metadata: ">=4.8" - babel: ">=2.9" - imagesize: ">=1.3" - snowballstemmer: ">=2.0" - docutils: ">=0.18.1,<0.21" - sphinxcontrib-serializinghtml: ">=1.1.9" - url: https://conda.anaconda.org/conda-forge/noarch/sphinx-7.2.6-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/zstd-1.5.5-h829000d_0.conda hash: - md5: bbfd1120d1824d2d073bc65935f0e4c0 - sha256: 665d1fe6d20c6cc672ff20e6ebb405860f878b487d3d8d86a5952733fb7bbc42 + md5: 80abc41d0c48b82fe0f04e7f42f5cb7e + sha256: d54e31d3d8de5e254c0804abd984807b8ae5cd3708d758a8bf1adff1f5df166c category: main optional: false - - name: sphinxcontrib-serializinghtml - version: 1.1.9 + - name: zstd + version: 1.5.5 manager: conda platform: osx-arm64 dependencies: - python: ">=3.9" - sphinx: ">=5" - url: https://conda.anaconda.org/conda-forge/noarch/sphinxcontrib-serializinghtml-1.1.9-pyhd8ed1ab_0.conda + libzlib: ">=1.2.13,<1.3.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/zstd-1.5.5-h4f39d0f_0.conda hash: - md5: 0612e497d7860728f2cda421ea2aec09 - sha256: c5710ae7bb7465f25a29cc845d9fb6ad0ea561972d796d379fcb48d801e96d6d + md5: 5b212cfb7f9d71d603ad891879dc7933 + sha256: 7e1fe6057628bbb56849a6741455bbb88705bae6d6646257e57904ac5ee5a481 category: main optional: false diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index 259bd74c97..aeadcfd9b9 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -1,6 +1,6 @@ # Generated by conda-lock. # platform: osx-64 -# input_hash: bcf38db86781af22df7f496ce0dafe43a905c359e9c7d6d038429569b874c305 +# input_hash: c04c8d1ebc32d414a7bc23be2fa01ff71434da1c2e660a0c77e834b62e86d2e0 channels: - conda-forge @@ -8,7 +8,7 @@ channels: dependencies: - aws-c-common=0.9.8=h10d778d_0 - bzip2=1.0.8=h10d778d_5 - - c-ares=1.21.0=h10d778d_0 + - c-ares=1.22.1=h10d778d_0 - ca-certificates=2023.11.17=h8857fd0_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 @@ -103,7 +103,7 @@ dependencies: - libxslt=1.1.37=h20bfa82_1 - libzip=1.10.1=hc158999_3 - minizip=4.0.3=h23f18a7_0 - - nodejs=20.8.1=h9adec40_0 + - nodejs=20.9.0=h9adec40_0 - nss=3.94=hd6ac835_0 - readline=8.2=h9e318b2_1 - atk-1.0=2.38.0=h1d18e73_1 @@ -196,7 +196,7 @@ dependencies: - llvmlite=0.41.1=py311hb5c2e0a_0 - locket=1.0.0=pyhd8ed1ab_0 - lxml=4.9.3=py311h19a211c_1 - - marko=1.3.1=pyhd8ed1ab_0 + - marko=2.0.2=pyhd8ed1ab_0 - markupsafe=2.1.3=py311h2725bcf_1 - mdurl=0.1.0=pyhd8ed1ab_0 - mergedeep=1.3.4=pyhd8ed1ab_0 @@ -227,7 +227,7 @@ dependencies: - pure_eval=0.2.2=pyhd8ed1ab_0 - pyasn1=0.5.0=pyhd8ed1ab_0 - pycparser=2.21=pyhd8ed1ab_0 - - pygments=2.16.1=pyhd8ed1ab_0 + - pygments=2.17.1=pyhd8ed1ab_0 - pyjwt=2.8.0=pyhd8ed1ab_0 - pylev=1.4.0=pyhd8ed1ab_0 - pyparsing=3.1.1=pyhd8ed1ab_0 @@ -246,7 +246,7 @@ dependencies: - regex=2023.10.3=py311h2725bcf_0 - rfc3986=2.0.0=pyhd8ed1ab_0 - rfc3986-validator=0.1.1=pyh9f0ad1d_0 - - rpds-py=0.13.0=py311h5e0f0e4_0 + - rpds-py=0.13.1=py311h5e0f0e4_0 - rtree=1.1.0=py311hbc1f44b_0 - ruamel.yaml.clib=0.2.7=py311h2725bcf_2 - ruff=0.1.6=py311hec6fdf1_0 @@ -312,7 +312,7 @@ dependencies: - coloredlogs=14.0=pyhd8ed1ab_3 - comm=0.1.4=pyhd8ed1ab_0 - coverage=7.3.2=py311h2725bcf_0 - - fonttools=4.44.3=py311he705e18_0 + - fonttools=4.45.0=py311he705e18_0 - gitdb=4.0.11=pyhd8ed1ab_0 - graphql-core=3.2.3=pyhd8ed1ab_0 - grpcio=1.59.2=py311hfd95bfa_0 @@ -321,7 +321,7 @@ dependencies: - harfbuzz=8.3.0=hf45c392_0 - hdf5=1.14.2=nompi_hedada53_100 - html5lib=1.1=pyh9f0ad1d_0 - - hypothesis=6.89.0=pyha770c72_0 + - hypothesis=6.90.0=pyha770c72_0 - importlib-metadata=6.8.0=pyha770c72_0 - importlib_resources=6.1.1=pyhd8ed1ab_0 - isodate=0.6.1=pyhd8ed1ab_0 @@ -364,7 +364,6 @@ dependencies: - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rsa=4.9=pyhd8ed1ab_0 - ruamel.yaml=0.18.5=py311he705e18_0 - - sqlalchemy=1.4.49=py311he705e18_1 - terminado=0.18.0=pyh31c8845_0 - tinycss2=1.2.1=pyhd8ed1ab_0 - tqdm=4.66.1=pyhd8ed1ab_0 @@ -381,7 +380,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=h0a75192_2 - - botocore=1.32.3=pyhd8ed1ab_0 + - botocore=1.32.4=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311hd51016d_0 @@ -418,6 +417,7 @@ dependencies: - python-build=1.0.3=pyhd8ed1ab_0 - requests=2.31.0=pyhd8ed1ab_0 - rich=13.7.0=pyhd8ed1ab_0 + - sqlalchemy=2.0.23=py311he705e18_0 - stack_data=0.6.2=pyhd8ed1ab_0 - starlette=0.32.0.post1=pyhd8ed1ab_0 - tiledb=2.16.3=hd3a41d5_3 @@ -444,12 +444,12 @@ dependencies: - gtk2=2.24.33=h7c1209e_2 - h3-py=3.7.6=py311hdf8f085_1 - httpx=0.25.1=pyhd8ed1ab_0 - - identify=2.5.31=pyhd8ed1ab_0 + - identify=2.5.32=pyhd8ed1ab_0 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_core=5.5.0=py311h6eed73b_0 - keyring=24.3.0=py311h6eed73b_0 - - libgdal=3.8.0=h1c9f6b2_4 + - libgdal=3.8.0=h1c9f6b2_5 - librsvg=2.56.3=hec3db73_0 - numba=0.58.1=py311h32f2313_0 - numexpr=2.8.7=py311h1eadf79_4 @@ -470,22 +470,22 @@ dependencies: - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0=h6eed73b_0 - virtualenv=20.24.6=pyhd8ed1ab_0 - - boto3=1.29.2=pyhd8ed1ab_0 + - boto3=1.29.4=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 - frictionless=4.40.8=pyh6c4a22f_0 - - gdal=3.8.0=py311h5646c56_4 + - gdal=3.8.0=py311h5646c56_5 - geopandas-base=0.14.1=pyha770c72_0 - google-auth=2.23.4=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - - graphviz=8.1.0=hc7f41f9_0 + - graphviz=9.0.0=h17d42e5_0 - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 - libarrow=14.0.1=hd201b0c_3_cpu - - matplotlib-base=3.8.1=py311hd316c10_0 + - matplotlib-base=3.8.2=py311hd316c10_0 - nbformat=5.9.2=pyhd8ed1ab_0 - pandera-core=0.17.2=pyhd8ed1ab_1 - pre-commit=3.5.0=pyha770c72_0 @@ -494,7 +494,7 @@ dependencies: - scikit-learn=1.3.2=py311h66081b9_1 - timezonefinder=6.2.0=py311he705e18_2 - catalystcoop.ferc_xbrl_extractor=1.2.1=pyhd8ed1ab_0 - - conda-lock=2.4.2=pyhd8ed1ab_0 + - conda-lock=2.5.1=pyhd8ed1ab_0 - dagster-graphql=1.5.9=pyhd8ed1ab_0 - dagster-postgres=0.21.9=pyhd8ed1ab_0 - fiona=1.9.5=py311h809632c_1 @@ -508,7 +508,7 @@ dependencies: - libparquet=14.0.1=h27bd29f_3_cpu - mapclassify=2.6.1=pyhd8ed1ab_0 - nbclient=0.8.0=pyhd8ed1ab_0 - - pygraphviz=1.11=py311hc6eba27_1 + - pygraphviz=1.11=py311h03ee4fc_2 - recordlinkage=0.16=pyhd8ed1ab_0 - tabulator=1.53.5=pyhd8ed1ab_0 - dagster-webserver=1.5.9=pyhd8ed1ab_0 @@ -534,7 +534,7 @@ dependencies: - nbconvert=7.11.0=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 - pyarrow=14.0.1=py311h98a0319_3_cpu - - jupyterlab=4.0.8=pyhd8ed1ab_0 + - jupyterlab=4.0.9=pyhd8ed1ab_0 - notebook=7.0.6=pyhd8ed1ab_0 - jupyter=1.0.0=pyhd8ed1ab_10 - sphinx-autoapi=3.0.0=pyhd8ed1ab_0 diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index 8f55796fdf..4aedec21ee 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -1,6 +1,6 @@ # Generated by conda-lock. # platform: osx-arm64 -# input_hash: 8d8eb4c72944efa02bab31f0274acad445146594b4cad129cc341a304e08ebb2 +# input_hash: 016e713916200bbd81bfb5f2f25497979ac1d528cc668d149f3b13e10369e0c4 channels: - conda-forge @@ -8,7 +8,7 @@ channels: dependencies: - aws-c-common=0.9.8=h93a5062_0 - bzip2=1.0.8=h93a5062_5 - - c-ares=1.21.0=h93a5062_0 + - c-ares=1.22.1=h93a5062_0 - ca-certificates=2023.11.17=hf0a4a13_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 @@ -103,7 +103,7 @@ dependencies: - libxslt=1.1.37=h1728932_1 - libzip=1.10.1=ha0bc3c6_3 - minizip=4.0.3=hd5cad61_0 - - nodejs=20.8.1=h0950e01_0 + - nodejs=20.9.0=h0950e01_0 - nss=3.94=hc6b9969_0 - readline=8.2=h92ec313_1 - atk-1.0=2.38.0=hcb7b3dd_1 @@ -196,7 +196,7 @@ dependencies: - llvmlite=0.41.1=py311hf5d242d_0 - locket=1.0.0=pyhd8ed1ab_0 - lxml=4.9.3=py311hbafe683_1 - - marko=1.3.1=pyhd8ed1ab_0 + - marko=2.0.2=pyhd8ed1ab_0 - markupsafe=2.1.3=py311heffc1b2_1 - mdurl=0.1.0=pyhd8ed1ab_0 - mergedeep=1.3.4=pyhd8ed1ab_0 @@ -227,7 +227,7 @@ dependencies: - pure_eval=0.2.2=pyhd8ed1ab_0 - pyasn1=0.5.0=pyhd8ed1ab_0 - pycparser=2.21=pyhd8ed1ab_0 - - pygments=2.16.1=pyhd8ed1ab_0 + - pygments=2.17.1=pyhd8ed1ab_0 - pyjwt=2.8.0=pyhd8ed1ab_0 - pylev=1.4.0=pyhd8ed1ab_0 - pyparsing=3.1.1=pyhd8ed1ab_0 @@ -246,7 +246,7 @@ dependencies: - regex=2023.10.3=py311heffc1b2_0 - rfc3986=2.0.0=pyhd8ed1ab_0 - rfc3986-validator=0.1.1=pyh9f0ad1d_0 - - rpds-py=0.13.0=py311h94f323b_0 + - rpds-py=0.13.1=py311h94f323b_0 - rtree=1.1.0=py311hd698ff7_0 - ruamel.yaml.clib=0.2.7=py311heffc1b2_2 - ruff=0.1.6=py311h6fc163c_0 @@ -312,7 +312,7 @@ dependencies: - coloredlogs=14.0=pyhd8ed1ab_3 - comm=0.1.4=pyhd8ed1ab_0 - coverage=7.3.2=py311heffc1b2_0 - - fonttools=4.44.3=py311h05b510d_0 + - fonttools=4.45.0=py311h05b510d_0 - gitdb=4.0.11=pyhd8ed1ab_0 - graphql-core=3.2.3=pyhd8ed1ab_0 - grpcio=1.59.2=py311h79dd126_0 @@ -321,7 +321,7 @@ dependencies: - harfbuzz=8.3.0=h8f0ba13_0 - hdf5=1.14.2=nompi_h3aba7b3_100 - html5lib=1.1=pyh9f0ad1d_0 - - hypothesis=6.89.0=pyha770c72_0 + - hypothesis=6.90.0=pyha770c72_0 - importlib-metadata=6.8.0=pyha770c72_0 - importlib_resources=6.1.1=pyhd8ed1ab_0 - isodate=0.6.1=pyhd8ed1ab_0 @@ -364,7 +364,6 @@ dependencies: - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rsa=4.9=pyhd8ed1ab_0 - ruamel.yaml=0.18.5=py311h05b510d_0 - - sqlalchemy=1.4.49=py311h05b510d_1 - terminado=0.18.0=pyh31c8845_0 - tinycss2=1.2.1=pyhd8ed1ab_0 - tqdm=4.66.1=pyhd8ed1ab_0 @@ -381,7 +380,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=h528e168_2 - - botocore=1.32.3=pyhd8ed1ab_0 + - botocore=1.32.4=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h71175c2_0 @@ -418,6 +417,7 @@ dependencies: - python-build=1.0.3=pyhd8ed1ab_0 - requests=2.31.0=pyhd8ed1ab_0 - rich=13.7.0=pyhd8ed1ab_0 + - sqlalchemy=2.0.23=py311h05b510d_0 - stack_data=0.6.2=pyhd8ed1ab_0 - starlette=0.32.0.post1=pyhd8ed1ab_0 - tiledb=2.16.3=he15c4da_3 @@ -444,12 +444,12 @@ dependencies: - gtk2=2.24.33=h57013de_2 - h3-py=3.7.6=py311ha891d26_1 - httpx=0.25.1=pyhd8ed1ab_0 - - identify=2.5.31=pyhd8ed1ab_0 + - identify=2.5.32=pyhd8ed1ab_0 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_core=5.5.0=py311h267d04e_0 - keyring=24.3.0=py311h267d04e_0 - - libgdal=3.8.0=h751e6a0_4 + - libgdal=3.8.0=h751e6a0_5 - librsvg=2.56.3=h0db3404_0 - numba=0.58.1=py311h9ec4793_0 - numexpr=2.8.7=py311h6e08293_4 @@ -470,22 +470,22 @@ dependencies: - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0=ha1ab1f8_0 - virtualenv=20.24.6=pyhd8ed1ab_0 - - boto3=1.29.2=pyhd8ed1ab_0 + - boto3=1.29.4=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 - frictionless=4.40.8=pyh6c4a22f_0 - - gdal=3.8.0=py311h32a4f3d_4 + - gdal=3.8.0=py311h32a4f3d_5 - geopandas-base=0.14.1=pyha770c72_0 - google-auth=2.23.4=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - - graphviz=8.1.0=h10878c0_0 + - graphviz=9.0.0=h4785655_0 - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 - libarrow=14.0.1=h8dffd16_3_cpu - - matplotlib-base=3.8.1=py311hfdba5f6_0 + - matplotlib-base=3.8.2=py311hfdba5f6_0 - nbformat=5.9.2=pyhd8ed1ab_0 - pandera-core=0.17.2=pyhd8ed1ab_1 - pre-commit=3.5.0=pyha770c72_0 @@ -494,7 +494,7 @@ dependencies: - scikit-learn=1.3.2=py311ha25ca4d_1 - timezonefinder=6.2.0=py311h05b510d_2 - catalystcoop.ferc_xbrl_extractor=1.2.1=pyhd8ed1ab_0 - - conda-lock=2.4.2=pyhd8ed1ab_0 + - conda-lock=2.5.1=pyhd8ed1ab_0 - dagster-graphql=1.5.9=pyhd8ed1ab_0 - dagster-postgres=0.21.9=pyhd8ed1ab_0 - fiona=1.9.5=py311h4760b73_1 @@ -508,7 +508,7 @@ dependencies: - libparquet=14.0.1=heaab74a_3_cpu - mapclassify=2.6.1=pyhd8ed1ab_0 - nbclient=0.8.0=pyhd8ed1ab_0 - - pygraphviz=1.11=py311h5178850_1 + - pygraphviz=1.11=py311h1df6e61_2 - recordlinkage=0.16=pyhd8ed1ab_0 - tabulator=1.53.5=pyhd8ed1ab_0 - dagster-webserver=1.5.9=pyhd8ed1ab_0 @@ -534,7 +534,7 @@ dependencies: - nbconvert=7.11.0=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 - pyarrow=14.0.1=py311h637fcfe_3_cpu - - jupyterlab=4.0.8=pyhd8ed1ab_0 + - jupyterlab=4.0.9=pyhd8ed1ab_0 - notebook=7.0.6=pyhd8ed1ab_0 - jupyter=1.0.0=pyhd8ed1ab_10 - sphinx-autoapi=3.0.0=pyhd8ed1ab_0 From ead2c8e6f732ea71a7c5699cf256fe8b65427af1 Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 21 Nov 2023 13:47:59 -0500 Subject: [PATCH 16/60] Add __init__ to record_linkage module. --- src/pudl/analysis/__init__.py | 1 + src/pudl/analysis/record_linkage/__init__.py | 1 + 2 files changed, 2 insertions(+) create mode 100644 src/pudl/analysis/record_linkage/__init__.py diff --git a/src/pudl/analysis/__init__.py b/src/pudl/analysis/__init__.py index 3b489e3d8e..d97afb9c38 100644 --- a/src/pudl/analysis/__init__.py +++ b/src/pudl/analysis/__init__.py @@ -11,6 +11,7 @@ ferc1_eia_record_linkage, mcoe, plant_parts_eia, + record_linkage, service_territory, spatial, state_demand, diff --git a/src/pudl/analysis/record_linkage/__init__.py b/src/pudl/analysis/record_linkage/__init__.py new file mode 100644 index 0000000000..2c267c3b3c --- /dev/null +++ b/src/pudl/analysis/record_linkage/__init__.py @@ -0,0 +1 @@ +"""This module impolements models for various forms of record linkage.""" From 4190361b1bc18a9a4e1b9c3a23ab9c4a47be2263 Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 21 Nov 2023 22:30:12 -0500 Subject: [PATCH 17/60] Add integration to perform ferc-ferc matching on synthetic data. --- .../record_linkage/classify_plants_ferc1.py | 59 +++--- test/integration/record_linkage.py | 200 ++++++++++++++++++ 2 files changed, 232 insertions(+), 27 deletions(-) create mode 100644 test/integration/record_linkage.py diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 9a5e3b5e33..ca74115d1b 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -171,33 +171,9 @@ def fuel_by_plant_ferc1( return df -def plants_steam_assign_plant_ids( - ferc1_steam_df: pd.DataFrame, - ferc1_fuel_df: pd.DataFrame, - fuel_categories: list[str], -) -> pd.DataFrame: - """Assign IDs to the large steam plants.""" - ########################################################################### - # FERC PLANT ID ASSIGNMENT - ########################################################################### - # Now we need to assign IDs to the large steam plants, since FERC doesn't - # do this for us. - logger.info("Identifying distinct large FERC plants for ID assignment.") - - # Grab fuel consumption proportions for use in assigning plant IDs: - fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) - ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) - - ferc1_steam_df = ferc1_steam_df.merge( - fuel_fractions[["utility_id_ferc1", "plant_name_ferc1", "report_year"] + ffc], - on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], - how="left", - ) - - fuel_cols = list(ferc1_steam_df.filter(regex=".*_fraction_mmbtu$").columns) - - # Train the classifier using DEFAULT weights, parameters not listed here. - clf = CrossYearLinker( +def construct_ferc1_plant_matching_model(fuel_cols: list[str]) -> CrossYearLinker: + """Create a CrossYearLinker configured to match FERC1 plants.""" + return CrossYearLinker( **{ "id_column": "plant_id_ferc1", "column_transforms": [ @@ -265,6 +241,35 @@ def plants_steam_assign_plant_ids( ], } ) + + +def plants_steam_assign_plant_ids( + ferc1_steam_df: pd.DataFrame, + ferc1_fuel_df: pd.DataFrame, + fuel_categories: list[str], +) -> pd.DataFrame: + """Assign IDs to the large steam plants.""" + ########################################################################### + # FERC PLANT ID ASSIGNMENT + ########################################################################### + # Now we need to assign IDs to the large steam plants, since FERC doesn't + # do this for us. + logger.info("Identifying distinct large FERC plants for ID assignment.") + + # Grab fuel consumption proportions for use in assigning plant IDs: + fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) + ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) + + ferc1_steam_df = ferc1_steam_df.merge( + fuel_fractions[["utility_id_ferc1", "plant_name_ferc1", "report_year"] + ffc], + on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], + how="left", + ) + + fuel_cols = list(ferc1_steam_df.filter(regex=".*_fraction_mmbtu$").columns) + + # Train the classifier using DEFAULT weights, parameters not listed here. + clf = construct_ferc1_plant_matching_model(fuel_cols) ferc1_steam_df = clf.fit_predict(ferc1_steam_df) # Set the construction year back to numeric because it is. diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py new file mode 100644 index 0000000000..918add0bec --- /dev/null +++ b/test/integration/record_linkage.py @@ -0,0 +1,200 @@ +"""Test core record linkage functionality.""" +# ruff: noqa: S311 + +import random +import string + +import numpy as np +import pandas as pd +import pytest + +from pudl.analysis.record_linkage.classify_plants_ferc1 import ( + construct_ferc1_plant_matching_model, +) +from pudl.transform.params.ferc1 import ( + CONSTRUCTION_TYPE_CATEGORIES, + PLANT_TYPE_CATEGORIES, + VALID_PLANT_YEARS, +) + +_FUEL_COLS = [ + "coal_fraction_mmbtu", + "gas_fraction_mmbtu", + "hydro_fraction_mmbtu", + "nuclear_fraction_mmbtu", + "oil_fraction_mmbtu", + "other_fraction_mmbtu", + "solar_fraction_mmbtu", + "waste_fraction_mmbtu", + "wind_fraction_mmbtu", +] + +_RANDOM_GENERATOR = np.random.default_rng(12335) + + +def _randomly_modify_string(input_str: str, k: int = 5) -> str: + """Generate up to k random edits of input string.""" + input_list = list(input_str) + characters = ( + string.digits + string.ascii_letters + string.ascii_letters + string.punctuation + ) + edit_types = ["add", "delete", "subsitute"] + num_edits = min(random.randrange(k) for i in range(10)) + + for _ in range(num_edits): + edit = edit_types[random.randrange(3)] + position = random.randrange(len(input_str) - 1) + + if edit == "add": + input_list.insert(position, random.choice(characters)) + elif edit == "delete": + input_list.pop(position) + else: + input_list[position] = random.choice(characters) + + return "".join(input_list) + + +def _noisify(col: pd.Series, sigma: float = 0.01, probability: float = 1) -> pd.Series: + """Add random noise to a column.""" + noisy_rows = _RANDOM_GENERATOR.rand(len(col)) > (1 - probability) + modifier_array = np.zeros(len(col)) + modifier_array[noisy_rows] += _RANDOM_GENERATOR.normal( + scale=sigma, size=sum(noisy_rows) + ) + return col + modifier_array + + +def _modify_categorical( + col: pd.Series, categories: list, probability: float = 0.01 +) -> pd.Series: + """Randomly modify categorical column using given probability.""" + modify_elements = _RANDOM_GENERATOR.rand(len(col)) > (1 - probability) + col[modify_elements] = _RANDOM_GENERATOR.choice(categories) + return col + + +def _generate_random_test_df( + default_plant_name: str, + size: int = 2022 - 1994, + plant_name_max_edits: int = 5, + plant_type_error_prob: float = 0.01, + construction_type_error_prob: float = 0.01, + construction_year_error_prob: float = 0.01, + capacity_mean: float = 500.0, + capacity_sigma: float = 10.0, + capacity_change_prob: float = 0.01, + utility_id_error_prob: float = 0.01, + utility_id: int = random.randrange(1000), +): + """Generate a random input DataFrame for testing record linkage.""" + + generated_df = pd.DataFrame( + { + "base_plant_name": [default_plant_name] * size, + "plant_type": [ + random.choice(list(PLANT_TYPE_CATEGORIES["categories"].keys())) + ] + * size, + "report_year": list(range(1994, 1994 + size)), + "construction_type": [ + random.choice(list(CONSTRUCTION_TYPE_CATEGORIES["categories"].keys())) + ] + * size, + "capacity_mw": [capacity_mean] * size, + "construction_year": [ + random.randrange( + VALID_PLANT_YEARS["lower_bound"], VALID_PLANT_YEARS["upper_bound"] + ) + ] + * size, + "utility_id_ferc1": [utility_id] * size, + } + ) + + # Add random edits to plant name + generated_df["plant_name_ferc1"] = generated_df["base_plant_name"].apply( + _randomly_modify_string + ) + + # Modify capacity rows based on probability and sigma + generated_df["capacity_mw"] = _noisify( + generated_df["capacity_mw"], + sigma=capacity_sigma, + probability=capacity_change_prob, + ) + + # Modify categorical columns + generated_df["construction_type"] = _modify_categorical( + generated_df["construction_type"], + list(CONSTRUCTION_TYPE_CATEGORIES["categories"]), + construction_type_error_prob, + ) + generated_df["construction_year"] = _modify_categorical( + generated_df["construction_year"], + list(range(VALID_PLANT_YEARS["lower_bound"], VALID_PLANT_YEARS["upper_bound"])), + construction_year_error_prob, + ) + generated_df["plant_type"] = _modify_categorical( + generated_df["plant_type"], + list(PLANT_TYPE_CATEGORIES["categories"]), + plant_type_error_prob, + ) + + # Generate l1 unit vector to represent fuel fractions + fuel_frac_vec = abs(_RANDOM_GENERATOR.normal(size=len(_FUEL_COLS))) + fuel_frac_vec = fuel_frac_vec / np.linalg.norm(fuel_frac_vec, ord=1) + generated_df[_FUEL_COLS] = fuel_frac_vec + + # Add minor noise to fuel fractions + for col in _FUEL_COLS: + generated_df[col] = _noisify(generated_df[col]) + + return generated_df + + +@pytest.fixture +def mock_ferc1_plants_df(): + """Returns a test DataFrame for use in generic record linkage testing.""" + return pd.concat( + [ + _generate_random_test_df("fox lake, mn"), + _generate_random_test_df("maalaea", capacity_mean=50.0), + _generate_random_test_df("colstrip 1 & 2", capacity_mean=700.0), + _generate_random_test_df("wyman 4", capacity_mean=600.0, size=5), + _generate_random_test_df("mcintosh", capacity_mean=300.0, size=6), + _generate_random_test_df("boulevard", capacity_mean=40.0, size=12), + _generate_random_test_df("eagle mountain", capacity_mean=400.0, size=11), + _generate_random_test_df("eagle", capacity_mean=150.0, size=14), + _generate_random_test_df("permian basin", capacity_mean=340.0), + _generate_random_test_df("lake hubbard", capacity_mean=450.0), + _generate_random_test_df("north lake", capacity_mean=800.0), + _generate_random_test_df("stryker creek", capacity_mean=850.0), + _generate_random_test_df("sewell creek", capacity_mean=900.0), + _generate_random_test_df("southeast chicago", capacity_mean=400.0, size=3), + _generate_random_test_df("mohave", capacity_mean=500.0, size=10), + _generate_random_test_df("el segundo", capacity_mean=600.0, size=13), + _generate_random_test_df("highgrove", capacity_mean=300.0, size=23), + _generate_random_test_df("cool water"), + _generate_random_test_df("huntington beach"), + _generate_random_test_df("long beach"), + _generate_random_test_df("san onofre 2&3"), + ] + ) + + +def test_classify_plants_ferc1(mock_ferc1_plants_df): + """Test the FERC inter-year plant linking model.""" + linker = construct_ferc1_plant_matching_model(_FUEL_COLS) + df = linker.fit_predict(mock_ferc1_plants_df) + + # Compute percent of records assigned correctly + correctly_matched = ( + df.groupby("base_plant_name")["plant_id_ferc1"] + .apply(lambda plant_ids: plant_ids.value_counts().iloc[0]) + .sum() + ) + + assert ( + correctly_matched / len(df) > 0.85 + ), "Percent of correctly matched FERC records below 85%." From 0921557c3ce46f272d6d840045f260fb3445112d Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 22 Nov 2023 12:25:39 -0500 Subject: [PATCH 18/60] Fix classify_plants_ferc1 integration test --- test/integration/record_linkage.py | 33 ++++++++++++++++++------------ 1 file changed, 20 insertions(+), 13 deletions(-) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index 918add0bec..bc8d108a5b 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -35,10 +35,13 @@ def _randomly_modify_string(input_str: str, k: int = 5) -> str: """Generate up to k random edits of input string.""" input_list = list(input_str) + + # Possible characters to select from when performing "add" or "substitute" + # Letters are included twice to increase odds of selecting a letter characters = ( string.digits + string.ascii_letters + string.ascii_letters + string.punctuation ) - edit_types = ["add", "delete", "subsitute"] + edit_types = ["add", "delete", "substitute"] num_edits = min(random.randrange(k) for i in range(10)) for _ in range(num_edits): @@ -57,7 +60,7 @@ def _randomly_modify_string(input_str: str, k: int = 5) -> str: def _noisify(col: pd.Series, sigma: float = 0.01, probability: float = 1) -> pd.Series: """Add random noise to a column.""" - noisy_rows = _RANDOM_GENERATOR.rand(len(col)) > (1 - probability) + noisy_rows = _RANDOM_GENERATOR.random(len(col)) > (1 - probability) modifier_array = np.zeros(len(col)) modifier_array[noisy_rows] += _RANDOM_GENERATOR.normal( scale=sigma, size=sum(noisy_rows) @@ -66,12 +69,12 @@ def _noisify(col: pd.Series, sigma: float = 0.01, probability: float = 1) -> pd. def _modify_categorical( - col: pd.Series, categories: list, probability: float = 0.01 -) -> pd.Series: + df: pd.DataFrame, col: str, categories: list, probability: float = 0.01 +) -> pd.DataFrame: """Randomly modify categorical column using given probability.""" - modify_elements = _RANDOM_GENERATOR.rand(len(col)) > (1 - probability) - col[modify_elements] = _RANDOM_GENERATOR.choice(categories) - return col + modify_elements = _RANDOM_GENERATOR.random(len(df)) > (1 - probability) + df.loc[modify_elements, col] = _RANDOM_GENERATOR.choice(categories) + return df def _generate_random_test_df( @@ -125,18 +128,21 @@ def _generate_random_test_df( ) # Modify categorical columns - generated_df["construction_type"] = _modify_categorical( - generated_df["construction_type"], + generated_df = _modify_categorical( + generated_df, + "construction_type", list(CONSTRUCTION_TYPE_CATEGORIES["categories"]), construction_type_error_prob, ) - generated_df["construction_year"] = _modify_categorical( - generated_df["construction_year"], + generated_df = _modify_categorical( + generated_df, + "construction_year", list(range(VALID_PLANT_YEARS["lower_bound"], VALID_PLANT_YEARS["upper_bound"])), construction_year_error_prob, ) - generated_df["plant_type"] = _modify_categorical( - generated_df["plant_type"], + generated_df = _modify_categorical( + generated_df, + "plant_type", list(PLANT_TYPE_CATEGORIES["categories"]), plant_type_error_prob, ) @@ -194,6 +200,7 @@ def test_classify_plants_ferc1(mock_ferc1_plants_df): .apply(lambda plant_ids: plant_ids.value_counts().iloc[0]) .sum() ) + print(correctly_matched / len(df)) assert ( correctly_matched / len(df) > 0.85 From 305411e5441d1f5571758f89d1eb7e71e5081161 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 22 Nov 2023 13:30:11 -0500 Subject: [PATCH 19/60] Add comments to ferc-ferc matching test --- test/integration/record_linkage.py | 12 ++++++++---- 1 file changed, 8 insertions(+), 4 deletions(-) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index bc8d108a5b..c33b63dec6 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -34,6 +34,9 @@ def _randomly_modify_string(input_str: str, k: int = 5) -> str: """Generate up to k random edits of input string.""" + edit_types = ["add", "delete", "substitute"] + + # Easier to modify list than str input_list = list(input_str) # Possible characters to select from when performing "add" or "substitute" @@ -41,9 +44,10 @@ def _randomly_modify_string(input_str: str, k: int = 5) -> str: characters = ( string.digits + string.ascii_letters + string.ascii_letters + string.punctuation ) - edit_types = ["add", "delete", "substitute"] - num_edits = min(random.randrange(k) for i in range(10)) + # Generate random number between 0-k many times and taking min + # This biases the number of edits to generally be low + num_edits = min(random.randrange(k) for i in range(10)) for _ in range(num_edits): edit = edit_types[random.randrange(3)] position = random.randrange(len(input_str) - 1) @@ -147,7 +151,7 @@ def _generate_random_test_df( plant_type_error_prob, ) - # Generate l1 unit vector to represent fuel fractions + # Generate l1 unit vector to represent fuel fractions (all add up to 1) fuel_frac_vec = abs(_RANDOM_GENERATOR.normal(size=len(_FUEL_COLS))) fuel_frac_vec = fuel_frac_vec / np.linalg.norm(fuel_frac_vec, ord=1) generated_df[_FUEL_COLS] = fuel_frac_vec @@ -162,6 +166,7 @@ def _generate_random_test_df( @pytest.fixture def mock_ferc1_plants_df(): """Returns a test DataFrame for use in generic record linkage testing.""" + # Creates test dataframes for a bunch of plants and concatenates them return pd.concat( [ _generate_random_test_df("fox lake, mn"), @@ -200,7 +205,6 @@ def test_classify_plants_ferc1(mock_ferc1_plants_df): .apply(lambda plant_ids: plant_ids.value_counts().iloc[0]) .sum() ) - print(correctly_matched / len(df)) assert ( correctly_matched / len(df) > 0.85 From 86942790133b08876652fd736e0b0ee1ca42db52 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 22 Nov 2023 15:34:23 -0500 Subject: [PATCH 20/60] Fix docstring spacing --- src/pudl/analysis/record_linkage/cross_year.py | 11 ++++++----- 1 file changed, 6 insertions(+), 5 deletions(-) diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py index c827fa90ca..69bf57eae6 100644 --- a/src/pudl/analysis/record_linkage/cross_year.py +++ b/src/pudl/analysis/record_linkage/cross_year.py @@ -50,9 +50,10 @@ class ColumnTransform(BaseModel): The 'transformer' should be a string or an initialized scikit-learn BaseEstimator. If it is a string, it should be one of the following: - 'string' - Applies a TfidfVectorizer to the column. - 'category' - Applies a OneHotEncoder to the column. - 'number' - Applies a MinMaxScaler to the column. + + 'string' - Applies a TfidfVectorizer to the column. + 'category' - Applies a OneHotEncoder to the column. + 'number' - Applies a MinMaxScaler to the column. """ step_name: str @@ -205,8 +206,8 @@ def __init__(self, report_years: np.array, metric="euclidean", penalty=1000): Args: report_years: Used to find records with same report year and add significant - distance penalty to these records to avoid matching records. - from the same year. + distance penalty to these records to avoid matching records. + from the same year. metric: Distance metric to use in computation. penalty: Penalty to apply to records with the same report year. """ From 43c51e16967d74f42bdc94b182aeba107fbc0d6b Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 22 Nov 2023 15:46:46 -0500 Subject: [PATCH 21/60] Fix import path --- src/pudl/output/ferc1.py | 10 +++++++--- 1 file changed, 7 insertions(+), 3 deletions(-) diff --git a/src/pudl/output/ferc1.py b/src/pudl/output/ferc1.py index 1c2074e2ce..e49e99c7d0 100644 --- a/src/pudl/output/ferc1.py +++ b/src/pudl/output/ferc1.py @@ -787,7 +787,7 @@ def denorm_fuel_by_plant_ferc1( """Summarize FERC fuel data by plant for output. This is mostly a wrapper around - :func:`pudl.analysis.classify_plants_ferc1.fuel_by_plant_ferc1` + :func:`pudl.analysis.record_linkage.classify_plants_ferc1.fuel_by_plant_ferc1` which calculates some summary values on a per-plant basis (as indicated by ``utility_id_ferc1`` and ``plant_name_ferc1``) related to fuel consumption. @@ -824,8 +824,12 @@ def drop_other_fuel_types(df): fuel_categories=fuel_categories, thresh=thresh, ) - .pipe(pudl.analysis.classify_plants_ferc1.revert_filled_in_float_nulls) - .pipe(pudl.analysis.classify_plants_ferc1.revert_filled_in_string_nulls) + .pipe( + pudl.analysis.record_linkage.classify_plants_ferc1.revert_filled_in_float_nulls + ) + .pipe( + pudl.analysis.record_linkage.classify_plants_ferc1.revert_filled_in_string_nulls + ) .merge( denorm_plants_utilities_ferc1, on=["utility_id_ferc1", "plant_name_ferc1"] ) From e6df48e6b5364088d8132a5d5d19eeac4efa3515 Mon Sep 17 00:00:00 2001 From: zschira Date: Sat, 25 Nov 2023 15:34:51 -0500 Subject: [PATCH 22/60] Don't modify utility names during ferc-ferc matching. --- .../record_linkage/classify_plants_ferc1.py | 8 +- .../analysis/record_linkage/cleaning_steps.py | 179 ++++++------------ .../analysis/record_linkage/cross_year.py | 49 +++-- 3 files changed, 85 insertions(+), 151 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 4838c77d88..0fd9d5374a 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -15,7 +15,7 @@ from sklearn.preprocessing import MinMaxScaler, Normalizer import pudl -from pudl.analysis.record_linkage.cleaning_steps import CleaningRules +from pudl.analysis.record_linkage.cleaning_steps import CompanyNameCleaner from pudl.analysis.record_linkage.cross_year import ColumnTransform, CrossYearLinker logger = pudl.logging_helpers.get_logger(__name__) @@ -306,12 +306,10 @@ def construct_ferc1_plant_matching_model(fuel_cols: list[str]) -> CrossYearLinke ColumnTransform( **{ "step_name": "plant_name_ferc1", - "columns": "plant_name_ferc1", + "columns": ["plant_name_ferc1"], "transformer": "string", "weight": 2.0, - "cleaning_ops": [ - CleaningRules(input_column="plant_name_ferc1") - ], + "cleaning_ops": [CompanyNameCleaner()], } ), ColumnTransform( diff --git a/src/pudl/analysis/record_linkage/cleaning_steps.py b/src/pudl/analysis/record_linkage/cleaning_steps.py index e234070a5a..5b99a0cb64 100644 --- a/src/pudl/analysis/record_linkage/cleaning_steps.py +++ b/src/pudl/analysis/record_linkage/cleaning_steps.py @@ -5,8 +5,7 @@ import logging import re from importlib.resources import as_file, files -from pathlib import Path -from typing import Any +from typing import Literal import pandas as pd from pydantic import BaseModel @@ -49,33 +48,6 @@ } -class CleaningRules(BaseModel): - """Configuration for CompanyNameCleaner class.""" - - input_column: str - output_column: str | None = None - cleaning_rules: list[str] = [ - "replace_amperstand_between_space_by_AND", - "replace_hyphen_between_spaces_by_single_space", - "replace_underscore_by_space", - "replace_underscore_between_spaces_by_single_space", - "remove_text_puctuation_except_dot", - "remove_math_symbols", - "remove_words_in_parentheses", - "remove_parentheses", - "remove_brackets", - "remove_curly_brackets", - "enforce_single_space_between_words", - ] - - def clean(self, df: pd.DataFrame) -> pd.DataFrame: - """Apply ComanyNameCleaner to input DataFrame with rules specified in cleaning_rules.""" - df = CompanyNameCleaner(cleaning_rules=self.cleaning_rules).get_clean_df( - df, self.input_column, self.output_column - ) - return df - - class LegalTermLocation(enum.Enum): """The location of the legal terms within the name string.""" @@ -83,95 +55,57 @@ class LegalTermLocation(enum.Enum): ANYWHERE = 2 -class CompanyNameCleaner: +class CompanyNameCleaner(BaseModel): """Class to normalize/clean up text based company names. Attributes: - _cleaning_rules_dict (dict): the dictionary of cleaning rules loaded from a json file. The cleaning rules - are written in regex format and can be easily updated or incremented by changing the file. - _cleaning_rules_list (list): a list of cleaning rules to be applied. The dictionary of + cleaning_rules_list (list): a list of cleaning rules to be applied. The dictionary of cleaning rules may contain rules that are not needed. Therefore, the _cleaning_rules_list allows the user to select only the cleaning rules necessary of interest. This list is also read from a json file and can be easily updated by changing the file or setting up the correspondent class property. - _normalize_legal_terms (bool): a flag to indicate if the cleaning process must normalize + normalize_legal_terms (bool): a flag to indicate if the cleaning process must normalize text's legal terms. e.g. LTD => LIMITED. - _dict_legal_terms (dict): a subset of the legal terms dictionary filtered by language and country. - This will be the legal term dictionary to be applied during cleaning. The user can call the - set_current_legal_term_dict() method to change the dictionary to another language/country. - _output_lettercase (str): indicates the letter case (lower, by default) as the result of the cleaning + output_lettercase (str): indicates the letter case (lower, by default) as the result of the cleaning Other options are: 'upper' and 'title'. - _legal_term_location (enum): Where in the string legal terms are found. - _remove_unicode (bool): indicates if the unicode character should be removed or not, which may depend + legal_term_location (enum): Where in the string legal terms are found. + remove_unicode (bool): indicates if the unicode character should be removed or not, which may depend on the language of the text's name. - _remove_accents (bool): indicates if letters with accents should be replaced with non-accented ones. + remove_accents (bool): indicates if letters with accents should be replaced with non-accented ones. """ # Constants used internally by the class __NAME_LEGAL_TERMS_DICT_FILE = "us_legal_forms.json" __NAME_JSON_ENTRY_LEGAL_TERMS = "legal_forms" + cleaning_rules_list: list[str] = [ + "replace_amperstand_between_space_by_AND", + "replace_hyphen_between_spaces_by_single_space", + "replace_underscore_by_space", + "replace_underscore_between_spaces_by_single_space", + "remove_text_puctuation_except_dot", + "remove_math_symbols", + "remove_words_in_parentheses", + "remove_parentheses", + "remove_brackets", + "remove_curly_brackets", + "enforce_single_space_between_words", + ] + normalize_legal_terms: bool = True - def __init__( - self, - cleaning_rules: list[str], - cleaning_rules_definitions_dict: dict = CLEANING_RULES_DICT, - ) -> None: - """Constructor method. - - Arguments: - cleaning_rules_list: A list of the rules to apply for cleaning. By default is - DEFAULT_COMPANY_CLEANING_RULES - cleaning_rules_definitions_dict: A dictionary of cleaning rules where the keys - are the name of the cleaning rule and the value is the rule. By default is - CLEANING_RULES_DICT - - Returns: - CompanyNameCleaner (object) - """ - # The dictionary of cleaning rules define which regex functions to apply to the data - # A default set of regex rules is defined, but it can be changed by the user. - self._cleaning_rules_dict = cleaning_rules_definitions_dict - self._cleaning_rules_list = cleaning_rules - - self._normalize_legal_terms = ( - True # indicates if legal terms need to be normalized - ) - # The dictionary of legal terms define how to normalize the text's legal form abreviations - json_source = files("pudl.package_data.settings").joinpath( - self.__NAME_LEGAL_TERMS_DICT_FILE - ) - with as_file(json_source) as json_file_path: - self._dict_legal_terms = self._load_json_file(json_file_path)[ - self.__NAME_JSON_ENTRY_LEGAL_TERMS - ]["en"] - - # Define the letter case of the cleaning output - self._output_lettercase = "lower" - - # Where in the string are legal terms found - self._legal_term_location = LegalTermLocation.AT_THE_END - - # Define if unicode characters should be removed from text's name - # This cleaning rule is treated separated from the regex rules because it depends on the - # language of the text's name. For instance, russian or japanese text's may contain - # unicode characters, while portuguese and french companies may not. - self._remove_unicode = False - - # Define if the letters with accents are replaced with non-accented ones - self._remove_accents = False + # Define if unicode characters should be removed from text's name + # This cleaning rule is treated separated from the regex rules because it depends on the + # language of the text's name. For instance, russian or japanese text's may contain + # unicode characters, while portuguese and french companies may not. + remove_unicode: bool = False - def _load_json_file(self, file_to_read: Path) -> Any: - """Reads a json file and returns its content as a python dictionary. + # Define the letter case of the cleaning output + output_lettercase: Literal["lower", "title"] = "lower" - Args: - file_to_read (str): complete path and name of the json file to read. + # Where in the string are legal terms found + legal_term_location: LegalTermLocation = LegalTermLocation.AT_THE_END - Returns: - (dict): the content of the json file as a python dictionary. - """ - json_file = file_to_read.open() - dict_content = json.load(json_file) - return dict_content + # Define if the letters with accents are replaced with non-accented ones + remove_accents = False def _apply_regex_rules( self, str_value: str, dict_regex_rules: dict[str, list[str]] @@ -236,8 +170,8 @@ def _remove_unicode_chars(self, value: str) -> str: def _apply_cleaning_rules(self, company_name: str) -> str: """Apply the cleaning rules from the dictionary of regex rules.""" cleaning_dict = {} - for rule_name in self._cleaning_rules_list: - cleaning_dict[rule_name] = self._cleaning_rules_dict[rule_name] + for rule_name in self.cleaning_rules_list: + cleaning_dict[rule_name] = CLEANING_RULES_DICT[rule_name] # Apply all the cleaning rules clean_company_name = self._apply_regex_rules(company_name, cleaning_dict) @@ -248,9 +182,18 @@ def _apply_normalization_of_legal_terms(self, company_name: str) -> str: # Make sure to remove extra spaces, so legal terms can be found in the end (if requested) clean_company_name = company_name.strip() + # The dictionary of legal terms define how to normalize the text's legal form abreviations + json_source = files("pudl.package_data.settings").joinpath( + self.__NAME_LEGAL_TERMS_DICT_FILE + ) + with as_file(json_source) as json_file_path: + _dict_legal_terms = json.load(json_file_path.open())[ + self.__NAME_JSON_ENTRY_LEGAL_TERMS + ]["en"] + # Apply normalization for legal terms # Iterate through the dictionary of legal terms - for replacement, legal_terms in self._dict_legal_terms.items(): + for replacement, legal_terms in _dict_legal_terms.items(): # Each replacement has a list of possible terms to be searched for replacement = " " + replacement.lower() + " " for legal_term in legal_terms: @@ -264,7 +207,7 @@ def _apply_normalization_of_legal_terms(self, company_name: str) -> str: else: legal_term = "\\b" + legal_term + "\\b" # Check if the legal term should be found only at the end of the string - if self._legal_term_location == LegalTermLocation.AT_THE_END: + if self.legal_term_location == LegalTermLocation.AT_THE_END: legal_term = legal_term + "$" # ...and it's a raw string regex_rule = rf"{legal_term}" @@ -290,7 +233,7 @@ def get_clean_data(self, company_name: str) -> str: return pd.NA # Remove all unicode characters in the text's name, if requested - if self._remove_unicode: + if self.remove_unicode: clean_company_name = self._remove_unicode_chars(company_name) else: clean_company_name = company_name @@ -302,15 +245,15 @@ def get_clean_data(self, company_name: str) -> str: clean_company_name = self._apply_cleaning_rules(clean_company_name) # Apply normalization for legal terms - if self._normalize_legal_terms: + if self.normalize_legal_terms: clean_company_name = self._apply_normalization_of_legal_terms( clean_company_name ) # Apply the letter case, if different from 'lower' - if self._output_lettercase == "upper": + if self.output_lettercase == "upper": clean_company_name = clean_company_name.upper() - elif self._output_lettercase == "title": + elif self.output_lettercase == "title": clean_company_name = clean_company_name.title() # Remove excess of white space that might be introduced during previous cleaning @@ -319,12 +262,10 @@ def get_clean_data(self, company_name: str) -> str: return clean_company_name - def get_clean_df( + def get_clean_column( self, df: pd.DataFrame, - in_company_name_attribute: str | list, - out_company_name_attribute: str | list | None, - ) -> pd.DataFrame: + ) -> pd.Series: """Clean up text names in a dataframe. Arguments: @@ -336,18 +277,4 @@ def get_clean_df( Returns: df (dataframe): the clean version of the input dataframe """ - # Check if the company_name attribute exists in the dataframe - if in_company_name_attribute not in df.columns: - raise KeyError(f"Column {in_company_name_attribute} not in dataframe.") - if out_company_name_attribute is None: - out_company_name_attribute = in_company_name_attribute - - # Make a copy so not to change the original dataframe - new_df = df.copy() - - # Creates the new output attribute that will have the clean version of the text's name - new_df[out_company_name_attribute] = new_df[in_company_name_attribute].apply( - self.get_clean_data - ) - - return new_df + return df.squeeze().apply(self.get_clean_data) diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py index 69bf57eae6..71f0c2e20c 100644 --- a/src/pudl/analysis/record_linkage/cross_year.py +++ b/src/pudl/analysis/record_linkage/cross_year.py @@ -16,10 +16,10 @@ from sklearn.feature_extraction.text import TfidfVectorizer from sklearn.metrics import pairwise_distances from sklearn.pipeline import Pipeline -from sklearn.preprocessing import MinMaxScaler, OneHotEncoder +from sklearn.preprocessing import FunctionTransformer, MinMaxScaler, OneHotEncoder import pudl -from pudl.analysis.record_linkage.cleaning_steps import CleaningRules +from pudl.analysis.record_linkage.cleaning_steps import CompanyNameCleaner logger = pudl.logging_helpers.get_logger(__name__) @@ -34,9 +34,9 @@ } _CLEANING_FUNCTIONS = { - "null_to_zero": lambda df, cols: df[cols].fillna(value=0.0), - "null_to_empty_str": lambda df, cols: df[cols].fillna(value=""), - "fix_int_na": lambda df, cols: pudl.helpers.fix_int_na(df, columns=cols)[cols], + "null_to_zero": lambda col: col.fillna(value=0.0), + "null_to_empty_str": lambda col: col.fillna(value=""), + "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), } @@ -61,7 +61,7 @@ class ColumnTransform(BaseModel): transformer: BaseEstimator | Literal["string", "category", "number"] transformer_options: dict[str, Any] = {} weight: float = 1.0 - cleaning_ops: list[str | CleaningRules] = [] + cleaning_ops: list[str | CompanyNameCleaner] = [] # This can be handled more elegantly in Pydantic 2.0. class Config: @@ -69,41 +69,53 @@ class Config: arbitrary_types_allowed = True - def clean_columns(self, df): - """Perform configurable set of cleaning operations on inputs before pipeline.""" + def get_cleaning_steps(self): + """Return cleaning steps to add to column transform pipeline.""" + cleaning_steps = [] for cleaning_op in self.cleaning_ops: if isinstance(cleaning_op, str): - df[self.columns] = _CLEANING_FUNCTIONS[cleaning_op](df, self.columns) - elif isinstance(cleaning_op, CleaningRules): - df = cleaning_op.clean(df) + cleaning_step = ( + cleaning_op, + FunctionTransformer(_CLEANING_FUNCTIONS[cleaning_op]), + ) + elif isinstance(cleaning_op, CompanyNameCleaner): + cleaning_step = ( + "company_cleaner", + FunctionTransformer(cleaning_op.get_clean_column), + ) - return df + # Convert callable to a Pipeline step + cleaning_steps.append(cleaning_step) + + return cleaning_steps def as_step(self) -> tuple[str, BaseEstimator, list[str]]: """Return tuple formatted as sklearn expects for pipeline step.""" + transform_steps = self.get_cleaning_steps() + # Create transform from one of the default types if isinstance(self.transformer, str): if self.transformer == "string": options = _TFIDF_DEFAULT_OPTIONS | self.transformer_options - transformer = TfidfVectorizer(**options) + transform_steps.append(("tfidf", TfidfVectorizer(**options))) elif self.transformer == "category": options = _ONE_HOT_DEFAULT_OPTIONS | self.transformer_options - transformer = OneHotEncoder(**options) + transform_steps.append(("one_hot", OneHotEncoder(**options))) elif self.transformer == "number": options = self.transformer_options - transformer = MinMaxScaler(**options) + transform_steps.append(("scaler", MinMaxScaler(**options))) else: raise RuntimeError( f"Error: {self.transformer} must be either 'string', 'categor', 'number', or a scikit-learn BaseEstimator" ) elif isinstance(self.transformer, BaseEstimator): - transformer = self.transformer + transform_steps.append(("custom_transform", self.transformer)) else: raise RuntimeError( f"Error: {self.transformer} must be either 'string', 'categor', 'number', or a scikit-learn BaseEstimator" ) - return (self.step_name, transformer, self.columns) + return (self.step_name, Pipeline(transform_steps), self.columns) class CrossYearLinker(BaseModel): @@ -138,9 +150,6 @@ def fit_predict(self, df: pd.DataFrame): else: distance_estimator = PrecomputeDistance(metric=self.distance_metric) - for transform in self.column_transforms: - df = transform.clean_columns(df) - pipeline = Pipeline( [ ( From fd58293caceadea44eb1c7055ad5219f9004e765 Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 27 Nov 2023 12:01:32 -0500 Subject: [PATCH 23/60] Make attribute comments compatible with pydantic class --- .../analysis/record_linkage/cleaning_steps.py | 37 +++++++------------ 1 file changed, 13 insertions(+), 24 deletions(-) diff --git a/src/pudl/analysis/record_linkage/cleaning_steps.py b/src/pudl/analysis/record_linkage/cleaning_steps.py index 5b99a0cb64..6932dbc655 100644 --- a/src/pudl/analysis/record_linkage/cleaning_steps.py +++ b/src/pudl/analysis/record_linkage/cleaning_steps.py @@ -56,27 +56,14 @@ class LegalTermLocation(enum.Enum): class CompanyNameCleaner(BaseModel): - """Class to normalize/clean up text based company names. - - Attributes: - cleaning_rules_list (list): a list of cleaning rules to be applied. The dictionary of - cleaning rules may contain rules that are not needed. Therefore, the _cleaning_rules_list - allows the user to select only the cleaning rules necessary of interest. This list is also - read from a json file and can be easily updated by changing the file or setting up the - correspondent class property. - normalize_legal_terms (bool): a flag to indicate if the cleaning process must normalize - text's legal terms. e.g. LTD => LIMITED. - output_lettercase (str): indicates the letter case (lower, by default) as the result of the cleaning - Other options are: 'upper' and 'title'. - legal_term_location (enum): Where in the string legal terms are found. - remove_unicode (bool): indicates if the unicode character should be removed or not, which may depend - on the language of the text's name. - remove_accents (bool): indicates if letters with accents should be replaced with non-accented ones. - """ + """Class to normalize/clean up text based company names.""" # Constants used internally by the class __NAME_LEGAL_TERMS_DICT_FILE = "us_legal_forms.json" __NAME_JSON_ENTRY_LEGAL_TERMS = "legal_forms" + + #: A flag to indicate if the cleaning process must normalize + #: text's legal terms. e.g. LTD => LIMITED. cleaning_rules_list: list[str] = [ "replace_amperstand_between_space_by_AND", "replace_hyphen_between_spaces_by_single_space", @@ -90,21 +77,23 @@ class CompanyNameCleaner(BaseModel): "remove_curly_brackets", "enforce_single_space_between_words", ] + + #: A flag to indicate if the cleaning process must normalize normalize_legal_terms: bool = True - # Define if unicode characters should be removed from text's name - # This cleaning rule is treated separated from the regex rules because it depends on the - # language of the text's name. For instance, russian or japanese text's may contain - # unicode characters, while portuguese and french companies may not. + #: Define if unicode characters should be removed from text's name + #: This cleaning rule is treated separated from the regex rules because it depends on the + #: language of the text's name. For instance, russian or japanese text's may contain + #: unicode characters, while portuguese and french companies may not. remove_unicode: bool = False - # Define the letter case of the cleaning output + #: Define the letter case of the cleaning output output_lettercase: Literal["lower", "title"] = "lower" - # Where in the string are legal terms found + #: Where in the string are legal terms found legal_term_location: LegalTermLocation = LegalTermLocation.AT_THE_END - # Define if the letters with accents are replaced with non-accented ones + #: Define if the letters with accents are replaced with non-accented ones remove_accents = False def _apply_regex_rules( From 361162c8db31bd43b00d28bc405f47f3f20e1cdf Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 27 Nov 2023 17:04:11 +0000 Subject: [PATCH 24/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 14 +- environments/conda-lock.yml | 200 +++++++++++++------------- environments/conda-osx-64.lock.yml | 14 +- environments/conda-osx-arm64.lock.yml | 14 +- 4 files changed, 120 insertions(+), 122 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index 51fcfa7b9d..15e3660e13 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -284,7 +284,7 @@ dependencies: - toolz=0.12.0=pyhd8ed1ab_0 - toposort=1.10=pyhd8ed1ab_0 - tornado=6.3.3=py311h459d7ec_1 - - traitlets=5.13.0=pyhd8ed1ab_0 + - traitlets=5.14.0=pyhd8ed1ab_0 - types-python-dateutil=2.8.19.14=pyhd8ed1ab_0 - types-pyyaml=6.0.12.12=pyhd8ed1ab_0 - typing_extensions=4.8.0=pyha770c72_0 @@ -399,7 +399,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-c-s3=0.4.1=hfadff92_0 - - botocore=1.32.6=pyhd8ed1ab_0 + - botocore=1.32.7=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h63ff55d_0 @@ -463,7 +463,7 @@ dependencies: - h3-py=3.7.6=py311hb755f60_1 - httpx=0.25.2=pyhd8ed1ab_0 - identify=2.5.32=pyhd8ed1ab_0 - - ipython=8.18.0=pyh0d859eb_0 + - ipython=8.18.1=pyh31011fe_1 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 @@ -478,7 +478,7 @@ dependencies: - readthedocs-sphinx-ext=2.2.3=pyhd8ed1ab_0 - requests-toolbelt=0.10.1=pyhd8ed1ab_0 - responses=0.24.1=pyhd8ed1ab_0 - - s3transfer=0.7.0=pyhd8ed1ab_1 + - s3transfer=0.8.0=pyhd8ed1ab_0 - scipy=1.11.4=py311h64a7726_0 - secretstorage=3.3.3=py311h38be061_2 - shapely=2.0.2=py311h2032efe_1 @@ -487,7 +487,7 @@ dependencies: - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0=h38be061_0 - aws-sdk-cpp=1.11.182=h8beafcf_7 - - boto3=1.29.6=pyhd8ed1ab_0 + - boto3=1.29.7=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -539,12 +539,12 @@ dependencies: - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - jupyter_server=2.10.1=pyhd8ed1ab_0 + - jupyter_server=2.11.1=pyhd8ed1ab_0 - libarrow-dataset=14.0.1=h59595ed_3_cpu - libarrow-flight-sql=14.0.1=h61ff412_3_cpu - nbconvert-pandoc=7.11.0=pyhd8ed1ab_0 - gcsfs=2023.10.0=pyhd8ed1ab_0 - - jupyter-lsp=2.2.0=pyhd8ed1ab_0 + - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h61ff412_3_cpu diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index d34e1fc258..6d702424a2 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -1875,52 +1875,52 @@ package: category: main optional: false - name: boto3 - version: 1.29.6 + version: 1.29.7 manager: conda platform: linux-64 dependencies: - botocore: ">=1.32.6,<1.33.0" + botocore: ">=1.32.7,<1.33.0" jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" - s3transfer: ">=0.7.0,<0.8.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.6-pyhd8ed1ab_0.conda + s3transfer: ">=0.8.0,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.7-pyhd8ed1ab_0.conda hash: - md5: 0cbc42e6f9557edfea7f552c644027d7 - sha256: 7e3c31d99afff810f0d68b4d7c957be34917d1d4bfc76a34620dee0bc35eec1d + md5: f20e114fa86dbdca7534aa0af7664c0e + sha256: 44fe95ed89d0db0c421968d1e79c8372a15136a9146b9a9bd0c66795194eb81d category: main optional: false - name: boto3 - version: 1.29.6 + version: 1.29.7 manager: conda platform: osx-64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" - s3transfer: ">=0.7.0,<0.8.0" - botocore: ">=1.32.6,<1.33.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.6-pyhd8ed1ab_0.conda + botocore: ">=1.32.7,<1.33.0" + s3transfer: ">=0.8.0,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.7-pyhd8ed1ab_0.conda hash: - md5: 0cbc42e6f9557edfea7f552c644027d7 - sha256: 7e3c31d99afff810f0d68b4d7c957be34917d1d4bfc76a34620dee0bc35eec1d + md5: f20e114fa86dbdca7534aa0af7664c0e + sha256: 44fe95ed89d0db0c421968d1e79c8372a15136a9146b9a9bd0c66795194eb81d category: main optional: false - name: boto3 - version: 1.29.6 + version: 1.29.7 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" - s3transfer: ">=0.7.0,<0.8.0" - botocore: ">=1.32.6,<1.33.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.6-pyhd8ed1ab_0.conda + botocore: ">=1.32.7,<1.33.0" + s3transfer: ">=0.8.0,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.29.7-pyhd8ed1ab_0.conda hash: - md5: 0cbc42e6f9557edfea7f552c644027d7 - sha256: 7e3c31d99afff810f0d68b4d7c957be34917d1d4bfc76a34620dee0bc35eec1d + md5: f20e114fa86dbdca7534aa0af7664c0e + sha256: 44fe95ed89d0db0c421968d1e79c8372a15136a9146b9a9bd0c66795194eb81d category: main optional: false - name: botocore - version: 1.32.6 + version: 1.32.7 manager: conda platform: linux-64 dependencies: @@ -1928,14 +1928,14 @@ package: python: ">=3.7" python-dateutil: ">=2.1,<3.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.6-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.7-pyhd8ed1ab_0.conda hash: - md5: a6747e9f4cb2ca858735017cf783fe08 - sha256: 534d61c7d2c2184d59b828dc582600482ed12c08922125f07f454f5d91d85573 + md5: 9e5a1d24c1fcd8017ac713c28dffc871 + sha256: cf405020da251ff2007d5fbc5f1ee61966e925e8d7e9a12525a7ac042afb038d category: main optional: false - name: botocore - version: 1.32.6 + version: 1.32.7 manager: conda platform: osx-64 dependencies: @@ -1943,14 +1943,14 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.6-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.7-pyhd8ed1ab_0.conda hash: - md5: a6747e9f4cb2ca858735017cf783fe08 - sha256: 534d61c7d2c2184d59b828dc582600482ed12c08922125f07f454f5d91d85573 + md5: 9e5a1d24c1fcd8017ac713c28dffc871 + sha256: cf405020da251ff2007d5fbc5f1ee61966e925e8d7e9a12525a7ac042afb038d category: main optional: false - name: botocore - version: 1.32.6 + version: 1.32.7 manager: conda platform: osx-arm64 dependencies: @@ -1958,10 +1958,10 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.6-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.32.7-pyhd8ed1ab_0.conda hash: - md5: a6747e9f4cb2ca858735017cf783fe08 - sha256: 534d61c7d2c2184d59b828dc582600482ed12c08922125f07f454f5d91d85573 + md5: 9e5a1d24c1fcd8017ac713c28dffc871 + sha256: cf405020da251ff2007d5fbc5f1ee61966e925e8d7e9a12525a7ac042afb038d category: main optional: false - name: bottleneck @@ -8428,77 +8428,75 @@ package: category: main optional: false - name: ipython - version: 8.18.0 + version: 8.18.1 manager: conda platform: linux-64 dependencies: - __linux: "" + __unix: "" decorator: "" exceptiongroup: "" jedi: ">=0.16" matplotlib-inline: "" pexpect: ">4.3" pickleshare: "" - prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" + prompt-toolkit: ">=3.0.30,<3.1.0,!=3.0.37" pygments: ">=2.4.0" python: ">=3.9" stack_data: "" traitlets: ">=5" typing_extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.0-pyh0d859eb_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh31011fe_1.conda hash: - md5: ee60af04bb7046ffdcbf2f1d2e8b0567 - sha256: 06f190aee3d0e6a9080389c093dc3a94a02fae6a2dab5fe7e14c0bb17196cea3 + md5: ac2f9c2e10c2e90e8d135cef51f9753a + sha256: 67490e640faa372d663a5c5cd2d61f417cce22a019a4de82a9e5ddb1cf2ee181 category: main optional: false - name: ipython - version: 8.18.0 + version: 8.18.1 manager: conda platform: osx-64 dependencies: typing_extensions: "" + __unix: "" decorator: "" - __osx: "" exceptiongroup: "" stack_data: "" matplotlib-inline: "" pickleshare: "" - appnope: "" python: ">=3.9" pygments: ">=2.4.0" traitlets: ">=5" jedi: ">=0.16" pexpect: ">4.3" - prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.0-pyh31c8845_0.conda + prompt-toolkit: ">=3.0.30,<3.1.0,!=3.0.37" + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh31011fe_1.conda hash: - md5: 78015fdf0aea454db0b0630c40c094d6 - sha256: 50c4f9b78d4448812e1af8f678075fa5f65fe4170986b506ac87a4208e6460b1 + md5: ac2f9c2e10c2e90e8d135cef51f9753a + sha256: 67490e640faa372d663a5c5cd2d61f417cce22a019a4de82a9e5ddb1cf2ee181 category: main optional: false - name: ipython - version: 8.18.0 + version: 8.18.1 manager: conda platform: osx-arm64 dependencies: typing_extensions: "" + __unix: "" decorator: "" - __osx: "" exceptiongroup: "" stack_data: "" matplotlib-inline: "" pickleshare: "" - appnope: "" python: ">=3.9" pygments: ">=2.4.0" traitlets: ">=5" jedi: ">=0.16" pexpect: ">4.3" - prompt_toolkit: ">=3.0.30,<3.1.0,!=3.0.37" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.0-pyh31c8845_0.conda + prompt-toolkit: ">=3.0.30,<3.1.0,!=3.0.37" + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh31011fe_1.conda hash: - md5: 78015fdf0aea454db0b0630c40c094d6 - sha256: 50c4f9b78d4448812e1af8f678075fa5f65fe4170986b506ac87a4208e6460b1 + md5: ac2f9c2e10c2e90e8d135cef51f9753a + sha256: 67490e640faa372d663a5c5cd2d61f417cce22a019a4de82a9e5ddb1cf2ee181 category: main optional: false - name: ipywidgets @@ -9314,45 +9312,45 @@ package: category: main optional: false - name: jupyter-lsp - version: 2.2.0 + version: 2.2.1 manager: conda platform: linux-64 dependencies: importlib-metadata: ">=4.8.3" jupyter_server: ">=1.1.2" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.1-pyhd8ed1ab_0.conda hash: - md5: 38589f4104d11f2a59ff01a9f4e3bfb3 - sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c + md5: d1a5efc65bfabc3bfebf4d3a204da897 + sha256: 0f995f60609fb50db74bed3637165ad202cf091ec0804519c11b6cffce901e88 category: main optional: false - name: jupyter-lsp - version: 2.2.0 + version: 2.2.1 manager: conda platform: osx-64 dependencies: python: ">=3.8" importlib-metadata: ">=4.8.3" jupyter_server: ">=1.1.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.1-pyhd8ed1ab_0.conda hash: - md5: 38589f4104d11f2a59ff01a9f4e3bfb3 - sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c + md5: d1a5efc65bfabc3bfebf4d3a204da897 + sha256: 0f995f60609fb50db74bed3637165ad202cf091ec0804519c11b6cffce901e88 category: main optional: false - name: jupyter-lsp - version: 2.2.0 + version: 2.2.1 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" importlib-metadata: ">=4.8.3" jupyter_server: ">=1.1.2" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter-lsp-2.2.1-pyhd8ed1ab_0.conda hash: - md5: 38589f4104d11f2a59ff01a9f4e3bfb3 - sha256: 16fc7b40024adece716ba7227e5c123a2deccc13f946a10d9a3270493908d11c + md5: d1a5efc65bfabc3bfebf4d3a204da897 + sha256: 0f995f60609fb50db74bed3637165ad202cf091ec0804519c11b6cffce901e88 category: main optional: false - name: jupyter-resource-usage @@ -9617,7 +9615,7 @@ package: category: main optional: false - name: jupyter_server - version: 2.10.1 + version: 2.11.1 manager: conda platform: linux-64 dependencies: @@ -9640,14 +9638,14 @@ package: tornado: ">=6.2.0" traitlets: ">=5.6.0" websocket-client: "" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.11.1-pyhd8ed1ab_0.conda hash: - md5: 7d15498584d83de3b357425e37086397 - sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 + md5: 0699b715659c026f7f81c27d0e744205 + sha256: 605825c0e2d5af7935b37319b9a46ff39e081e7a0f4dc973f0dd583f41c69ce5 category: main optional: false - name: jupyter_server - version: 2.10.1 + version: 2.11.1 manager: conda platform: osx-64 dependencies: @@ -9670,14 +9668,14 @@ package: anyio: ">=3.1.0" send2trash: ">=1.8.2" jupyter_events: ">=0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.11.1-pyhd8ed1ab_0.conda hash: - md5: 7d15498584d83de3b357425e37086397 - sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 + md5: 0699b715659c026f7f81c27d0e744205 + sha256: 605825c0e2d5af7935b37319b9a46ff39e081e7a0f4dc973f0dd583f41c69ce5 category: main optional: false - name: jupyter_server - version: 2.10.1 + version: 2.11.1 manager: conda platform: osx-arm64 dependencies: @@ -9700,10 +9698,10 @@ package: anyio: ">=3.1.0" send2trash: ">=1.8.2" jupyter_events: ">=0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.10.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.11.1-pyhd8ed1ab_0.conda hash: - md5: 7d15498584d83de3b357425e37086397 - sha256: b8b55ee57785b39a9096884bfd1da3858da8f27764572321d51a3dd0a990de86 + md5: 0699b715659c026f7f81c27d0e744205 + sha256: 605825c0e2d5af7935b37319b9a46ff39e081e7a0f4dc973f0dd583f41c69ce5 category: main optional: false - name: jupyter_server_terminals @@ -19688,42 +19686,42 @@ package: category: main optional: false - name: s3transfer - version: 0.7.0 + version: 0.8.0 manager: conda platform: linux-64 dependencies: - botocore: ">=1.12.36,<2.0a.0" + botocore: ">=1.32.7,<2.0a.0" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_1.conda + url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.8.0-pyhd8ed1ab_0.conda hash: - md5: 6cda17fe7eb0fd45bf8a72cb917c9711 - sha256: c2ae0c88a402e7154999c7917693f024603d9f4c7b0adbb629982e3ff5ea4961 + md5: 9d4e095f2a2e84d0a3f54e3d9f13f9b2 + sha256: cedf5d2e5da3dcd14d7da767a0cee8ef18938af724fdcf2fec682d44024cc2e8 category: main optional: false - name: s3transfer - version: 0.7.0 + version: 0.8.0 manager: conda platform: osx-64 dependencies: python: ">=3.7" - botocore: ">=1.12.36,<2.0a.0" - url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_1.conda + botocore: ">=1.32.7,<2.0a.0" + url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.8.0-pyhd8ed1ab_0.conda hash: - md5: 6cda17fe7eb0fd45bf8a72cb917c9711 - sha256: c2ae0c88a402e7154999c7917693f024603d9f4c7b0adbb629982e3ff5ea4961 + md5: 9d4e095f2a2e84d0a3f54e3d9f13f9b2 + sha256: cedf5d2e5da3dcd14d7da767a0cee8ef18938af724fdcf2fec682d44024cc2e8 category: main optional: false - name: s3transfer - version: 0.7.0 + version: 0.8.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" - botocore: ">=1.12.36,<2.0a.0" - url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.7.0-pyhd8ed1ab_1.conda + botocore: ">=1.32.7,<2.0a.0" + url: https://conda.anaconda.org/conda-forge/noarch/s3transfer-0.8.0-pyhd8ed1ab_0.conda hash: - md5: 6cda17fe7eb0fd45bf8a72cb917c9711 - sha256: c2ae0c88a402e7154999c7917693f024603d9f4c7b0adbb629982e3ff5ea4961 + md5: 9d4e095f2a2e84d0a3f54e3d9f13f9b2 + sha256: cedf5d2e5da3dcd14d7da767a0cee8ef18938af724fdcf2fec682d44024cc2e8 category: main optional: false - name: scikit-learn @@ -21848,39 +21846,39 @@ package: category: main optional: false - name: traitlets - version: 5.13.0 + version: 5.14.0 manager: conda platform: linux-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.14.0-pyhd8ed1ab_0.conda hash: - md5: 8a9953c15e1e5a7c1baddbbf4511a567 - sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 + md5: 886f4a84ddb49b943b1697ac314e85b3 + sha256: c32412029033264140926be474d327d7fd57c0d11db9b1745396b3d4db78a799 category: main optional: false - name: traitlets - version: 5.13.0 + version: 5.14.0 manager: conda platform: osx-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.14.0-pyhd8ed1ab_0.conda hash: - md5: 8a9953c15e1e5a7c1baddbbf4511a567 - sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 + md5: 886f4a84ddb49b943b1697ac314e85b3 + sha256: c32412029033264140926be474d327d7fd57c0d11db9b1745396b3d4db78a799 category: main optional: false - name: traitlets - version: 5.13.0 + version: 5.14.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.13.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/traitlets-5.14.0-pyhd8ed1ab_0.conda hash: - md5: 8a9953c15e1e5a7c1baddbbf4511a567 - sha256: 7ac67960ba2e8c16818043cc65ac6190fa4fd95f5b24357df58e4f73d5e60a10 + md5: 886f4a84ddb49b943b1697ac314e85b3 + sha256: c32412029033264140926be474d327d7fd57c0d11db9b1745396b3d4db78a799 category: main optional: false - name: typeguard diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index 0f89499876..e0846b7133 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -267,7 +267,7 @@ dependencies: - toolz=0.12.0=pyhd8ed1ab_0 - toposort=1.10=pyhd8ed1ab_0 - tornado=6.3.3=py311h2725bcf_1 - - traitlets=5.13.0=pyhd8ed1ab_0 + - traitlets=5.14.0=pyhd8ed1ab_0 - types-python-dateutil=2.8.19.14=pyhd8ed1ab_0 - types-pyyaml=6.0.12.12=pyhd8ed1ab_0 - typing_extensions=4.8.0=pyha770c72_0 @@ -379,7 +379,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hf3941dc_6 - - botocore=1.32.6=pyhd8ed1ab_0 + - botocore=1.32.7=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311hd51016d_0 @@ -444,7 +444,7 @@ dependencies: - h3-py=3.7.6=py311hdf8f085_1 - httpx=0.25.2=pyhd8ed1ab_0 - identify=2.5.32=pyhd8ed1ab_0 - - ipython=8.18.0=pyh31c8845_0 + - ipython=8.18.1=pyh31011fe_1 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 @@ -460,7 +460,7 @@ dependencies: - readthedocs-sphinx-ext=2.2.3=pyhd8ed1ab_0 - requests-toolbelt=0.10.1=pyhd8ed1ab_0 - responses=0.24.1=pyhd8ed1ab_0 - - s3transfer=0.7.0=pyhd8ed1ab_1 + - s3transfer=0.8.0=pyhd8ed1ab_0 - scipy=1.11.4=py311he0bea55_0 - send2trash=1.8.2=pyhd1c38e8_0 - shapely=2.0.2=py311h4c12f3d_1 @@ -468,7 +468,7 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0=h6eed73b_0 - - boto3=1.29.6=pyhd8ed1ab_0 + - boto3=1.29.7=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -519,11 +519,11 @@ dependencies: - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - jupyter_server=2.10.1=pyhd8ed1ab_0 + - jupyter_server=2.11.1=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h2cc6c1c_3_cpu - nbconvert-pandoc=7.11.0=pyhd8ed1ab_0 - gcsfs=2023.10.0=pyhd8ed1ab_0 - - jupyter-lsp=2.2.0=pyhd8ed1ab_0 + - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - nbconvert=7.11.0=pyhd8ed1ab_0 diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index 61863e036c..b53bec2fc8 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -267,7 +267,7 @@ dependencies: - toolz=0.12.0=pyhd8ed1ab_0 - toposort=1.10=pyhd8ed1ab_0 - tornado=6.3.3=py311heffc1b2_1 - - traitlets=5.13.0=pyhd8ed1ab_0 + - traitlets=5.14.0=pyhd8ed1ab_0 - types-python-dateutil=2.8.19.14=pyhd8ed1ab_0 - types-pyyaml=6.0.12.12=pyhd8ed1ab_0 - typing_extensions=4.8.0=pyha770c72_0 @@ -379,7 +379,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hba4ac3b_6 - - botocore=1.32.6=pyhd8ed1ab_0 + - botocore=1.32.7=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h71175c2_0 @@ -444,7 +444,7 @@ dependencies: - h3-py=3.7.6=py311ha891d26_1 - httpx=0.25.2=pyhd8ed1ab_0 - identify=2.5.32=pyhd8ed1ab_0 - - ipython=8.18.0=pyh31c8845_0 + - ipython=8.18.1=pyh31011fe_1 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 @@ -460,7 +460,7 @@ dependencies: - readthedocs-sphinx-ext=2.2.3=pyhd8ed1ab_0 - requests-toolbelt=0.10.1=pyhd8ed1ab_0 - responses=0.24.1=pyhd8ed1ab_0 - - s3transfer=0.7.0=pyhd8ed1ab_1 + - s3transfer=0.8.0=pyhd8ed1ab_0 - scipy=1.11.4=py311h2b215a9_0 - send2trash=1.8.2=pyhd1c38e8_0 - shapely=2.0.2=py311h0815064_1 @@ -468,7 +468,7 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0=ha1ab1f8_0 - - boto3=1.29.6=pyhd8ed1ab_0 + - boto3=1.29.7=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -519,11 +519,11 @@ dependencies: - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - jupyter_server=2.10.1=pyhd8ed1ab_0 + - jupyter_server=2.11.1=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h594d712_3_cpu - nbconvert-pandoc=7.11.0=pyhd8ed1ab_0 - gcsfs=2023.10.0=pyhd8ed1ab_0 - - jupyter-lsp=2.2.0=pyhd8ed1ab_0 + - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - nbconvert=7.11.0=pyhd8ed1ab_0 From 1e6e8e81cfc75ff590b53d85f66c816b89dccf1a Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 30 Nov 2023 14:23:50 -0500 Subject: [PATCH 25/60] Refactor new record linkage interface. --- .../record_linkage/classify_plants_ferc1.py | 136 ++++----- .../analysis/record_linkage/cross_year.py | 256 ----------------- .../ferc1_eia_record_linkage.py | 17 ++ src/pudl/analysis/record_linkage/models.py | 232 +++++++++++++++ .../analysis/record_linkage/name_cleaner.py | 270 ++++++++++++++++++ test/integration/record_linkage.py | 12 +- 6 files changed, 577 insertions(+), 346 deletions(-) delete mode 100644 src/pudl/analysis/record_linkage/cross_year.py create mode 100644 src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py create mode 100644 src/pudl/analysis/record_linkage/models.py create mode 100644 src/pudl/analysis/record_linkage/name_cleaner.py diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 0fd9d5374a..b14138a409 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -11,16 +11,28 @@ import numpy as np import pandas as pd -from sklearn.pipeline import Pipeline -from sklearn.preprocessing import MinMaxScaler, Normalizer import pudl -from pudl.analysis.record_linkage.cleaning_steps import CompanyNameCleaner -from pudl.analysis.record_linkage.cross_year import ColumnTransform, CrossYearLinker +from pudl.analysis.record_linkage.models import ( + ColumnTransformation, + CrossYearLinker, + ReducedDimDataFrameEmbedder, +) +from pudl.analysis.record_linkage.name_cleaner import CompanyNameCleaner logger = pudl.logging_helpers.get_logger(__name__) +_FUEL_COLS = [ + "coal_fraction_mmbtu", + "gas_fraction_mmbtu", + "nuclear_fraction_mmbtu", + "oil_fraction_mmbtu", + "other_fraction_mmbtu", + "waste_fraction_mmbtu", +] + + def plants_steam_assign_plant_ids( ferc1_steam_df: pd.DataFrame, ferc1_fuel_df: pd.DataFrame, @@ -44,20 +56,9 @@ def plants_steam_assign_plant_ids( how="left", ) - fuel_cols = list(ferc1_steam_df.filter(regex=".*_fraction_mmbtu$").columns) - # Train the classifier using DEFAULT weights, parameters not listed here. - clf = construct_ferc1_plant_matching_model(fuel_cols) - ferc1_steam_df = clf.fit_predict(ferc1_steam_df) - - # Set the construction year back to numeric because it is. - ferc1_steam_df["construction_year"] = pd.to_numeric( - ferc1_steam_df["construction_year"], errors="coerce" - ) - # We don't actually want to save the fuel fractions in this table... they - # were only here to help us match up the plants. - ferc1_steam_df = ferc1_steam_df.drop(ffc, axis=1) - ferc1_steam_df = revert_filled_in_string_nulls(ferc1_steam_df) + classifier = Ferc1PlantClassifier() + ferc1_steam_df["plant_id_ferc1"] = classifier(ferc1_steam_df) return ferc1_steam_df @@ -297,71 +298,40 @@ def fuel_by_plant_ferc1( return df -def construct_ferc1_plant_matching_model(fuel_cols: list[str]) -> CrossYearLinker: - """Create a CrossYearLinker configured to match FERC1 plants.""" - return CrossYearLinker( - **{ - "id_column": "plant_id_ferc1", - "column_transforms": [ - ColumnTransform( - **{ - "step_name": "plant_name_ferc1", - "columns": ["plant_name_ferc1"], - "transformer": "string", - "weight": 2.0, - "cleaning_ops": [CompanyNameCleaner()], - } - ), - ColumnTransform( - **{ - "step_name": "plant_type", - "columns": ["plant_type"], - "transformer": "category", - "weight": 2.0, - "cleaning_ops": ["null_to_empty_str"], - } - ), - ColumnTransform( - **{ - "step_name": "construction_type", - "columns": ["construction_type"], - "transformer": "category", - "cleaning_ops": ["null_to_empty_str"], - } - ), - ColumnTransform( - **{ - "step_name": "capacity_mw", - "columns": ["capacity_mw"], - "transformer": "number", - "cleaning_ops": ["null_to_zero"], - } - ), - ColumnTransform( - **{ - "step_name": "construction_year", - "columns": ["construction_year"], - "transformer": "category", - "cleaning_ops": ["fix_int_na"], - } - ), - ColumnTransform( - **{ - "step_name": "utility_id_ferc1", - "columns": ["utility_id_ferc1"], - "transformer": "category", - } - ), - ColumnTransform( - **{ - "step_name": "fuel_fraction_mmbtu", - "columns": fuel_cols, - "transformer": Pipeline( - [("scaler", MinMaxScaler()), ("norm", Normalizer())] - ), - "cleaning_ops": ["null_to_zero"], - } - ), - ], +class Ferc1PlantClassifier(CrossYearLinker): + """Create model for linking ferc1 plants between years.""" + + embedding_step: ReducedDimDataFrameEmbedder = ReducedDimDataFrameEmbedder( + transformations={ + "plant_name": ColumnTransformation( + transformations=[CompanyNameCleaner(), "string"], + weight=2.0, + columns=["plant_name_ferc1"], + ), + "plant_type": ColumnTransformation( + transformations=["null_to_empty_str", "category"], + weight=2.0, + columns=["plant_type"], + ), + "construction_type": ColumnTransformation( + transformations=["null_to_empty_str", "category"], + columns=["construction_type"], + ), + "capacity_mw": ColumnTransformation( + transformations=["null_to_zero", "number"], + columns=["capacity_mw"], + ), + "construction_year": ColumnTransformation( + transformations=["fix_int_na", "category"], + columns=["construction_year"], + ), + "utility_id_ferc1": ColumnTransformation( + transformations=["category"], + columns=["utility_id_ferc1"], + ), + "fuel_fractions": ColumnTransformation( + transformations=["null_to_zero", "number", "norm"], + columns=_FUEL_COLS, + ), } ) diff --git a/src/pudl/analysis/record_linkage/cross_year.py b/src/pudl/analysis/record_linkage/cross_year.py deleted file mode 100644 index 71f0c2e20c..0000000000 --- a/src/pudl/analysis/record_linkage/cross_year.py +++ /dev/null @@ -1,256 +0,0 @@ -"""Scikit-Learn classification pipeline for linking records between years. - -FERC does not publish plant IDs, so to be able to do any time-series analysis, it is -required to assign IDs ourselves. The pipeline has been generalized to work with any -inter-year record linkage problem. -""" -from typing import Any, Literal - -import numpy as np -import pandas as pd -from pydantic import BaseModel -from sklearn.base import BaseEstimator, TransformerMixin -from sklearn.cluster import AgglomerativeClustering -from sklearn.compose import ColumnTransformer -from sklearn.decomposition import PCA -from sklearn.feature_extraction.text import TfidfVectorizer -from sklearn.metrics import pairwise_distances -from sklearn.pipeline import Pipeline -from sklearn.preprocessing import FunctionTransformer, MinMaxScaler, OneHotEncoder - -import pudl -from pudl.analysis.record_linkage.cleaning_steps import CompanyNameCleaner - -logger = pudl.logging_helpers.get_logger(__name__) - - -_TFIDF_DEFAULT_OPTIONS = { - "analyzer": "char", - "ngram_range": (2, 10), -} - -_ONE_HOT_DEFAULT_OPTIONS = { - "categories": "auto", -} - -_CLEANING_FUNCTIONS = { - "null_to_zero": lambda col: col.fillna(value=0.0), - "null_to_empty_str": lambda col: col.fillna(value=""), - "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), -} - - -class ColumnTransform(BaseModel): - """Configuration for a single column transform in the CrossYearLinker. - - Defines a scikit-learn transformer to be used by a ColumnTransformer. See - https://scikit-learn.org/stable/modules/generated/sklearn.compose.ColumnTransformer.html#sklearn.compose.ColumnTransformer - for more information. The full set of column transforms will transform the - input DataFrame into a feature matrix that will be to cluster records. - - The 'transformer' should be a string or an initialized scikit-learn BaseEstimator. - If it is a string, it should be one of the following: - - 'string' - Applies a TfidfVectorizer to the column. - 'category' - Applies a OneHotEncoder to the column. - 'number' - Applies a MinMaxScaler to the column. - """ - - step_name: str - columns: list[str] | str - transformer: BaseEstimator | Literal["string", "category", "number"] - transformer_options: dict[str, Any] = {} - weight: float = 1.0 - cleaning_ops: list[str | CompanyNameCleaner] = [] - - # This can be handled more elegantly in Pydantic 2.0. - class Config: - """To allow a BaseEstimator for 'transformer', arbitrary types must be allowed.""" - - arbitrary_types_allowed = True - - def get_cleaning_steps(self): - """Return cleaning steps to add to column transform pipeline.""" - cleaning_steps = [] - for cleaning_op in self.cleaning_ops: - if isinstance(cleaning_op, str): - cleaning_step = ( - cleaning_op, - FunctionTransformer(_CLEANING_FUNCTIONS[cleaning_op]), - ) - elif isinstance(cleaning_op, CompanyNameCleaner): - cleaning_step = ( - "company_cleaner", - FunctionTransformer(cleaning_op.get_clean_column), - ) - - # Convert callable to a Pipeline step - cleaning_steps.append(cleaning_step) - - return cleaning_steps - - def as_step(self) -> tuple[str, BaseEstimator, list[str]]: - """Return tuple formatted as sklearn expects for pipeline step.""" - transform_steps = self.get_cleaning_steps() - - # Create transform from one of the default types - if isinstance(self.transformer, str): - if self.transformer == "string": - options = _TFIDF_DEFAULT_OPTIONS | self.transformer_options - transform_steps.append(("tfidf", TfidfVectorizer(**options))) - elif self.transformer == "category": - options = _ONE_HOT_DEFAULT_OPTIONS | self.transformer_options - transform_steps.append(("one_hot", OneHotEncoder(**options))) - elif self.transformer == "number": - options = self.transformer_options - transform_steps.append(("scaler", MinMaxScaler(**options))) - else: - raise RuntimeError( - f"Error: {self.transformer} must be either 'string', 'categor', 'number', or a scikit-learn BaseEstimator" - ) - elif isinstance(self.transformer, BaseEstimator): - transform_steps.append(("custom_transform", self.transformer)) - else: - raise RuntimeError( - f"Error: {self.transformer} must be either 'string', 'categor', 'number', or a scikit-learn BaseEstimator" - ) - - return (self.step_name, Pipeline(transform_steps), self.columns) - - -class CrossYearLinker(BaseModel): - """Model config for a CrossYearLinker, which will link records within the same dataset. - - This model will apply a set of column transforms to create a feature matrix which - is used to determine distances between records and cluster similar ones. By default - the linker will apply PCA to reduce the dimensionality of the feature matrix, and - will apply a significant penalty to records from the same year to avoid matches - within a year. - """ - - id_column: str - column_transforms: list[ColumnTransform] - reduce_dims: int | None - penalize_same_year: bool = True - distance_metric: str = "euclidean" - distance_threshold: float = 1.5 - n_clusters: int | None = None - - class Config: - """To allow a BaseEstimator for 'transformer', arbitrary types must be allowed.""" - - arbitrary_types_allowed = True - - def fit_predict(self, df: pd.DataFrame): - """Construct scikit-learn Pipeline and apply it to input data to assign IDs.""" - if self.penalize_same_year: - distance_estimator = DistancePenalizeSameYear( - np.array(df.report_year), metric=self.distance_metric - ) - else: - distance_estimator = PrecomputeDistance(metric=self.distance_metric) - - pipeline = Pipeline( - [ - ( - "preprocess", - ColumnTransformer( - transformers=[ - transform.as_step() for transform in self.column_transforms - ], - transformer_weights={ - transform.step_name: transform.weight - for transform in self.column_transforms - }, - ), - ), - ( - "to_dense", - DenseTransformer(), - ), - ( - "dim_reduction", - PCA(copy=False, n_components=self.reduce_dims), - ), - ("precompute_dist", distance_estimator), - ( - "classifier", - AgglomerativeClustering( - n_clusters=self.n_clusters, - metric="precomputed", - linkage="average", - distance_threshold=self.distance_threshold, - compute_distances=True, - ), - ), - ] - ) - - df[self.id_column] = pipeline.fit_predict(df) - - return df - - -class PrecomputeDistance(BaseEstimator, TransformerMixin): - """Precompute distances which are used during clustering and prediction.""" - - def __init__(self, metric="euclidean"): - """Initialize with distance metric.""" - self.metric = metric - - def fit(self, X, y=None, **fit_params): # noqa: N803 - """Required by scikit-learn, but does not modify anything.""" - return self - - def transform(self, X, y=None, **fit_params): # noqa: N803 - """Compute distance between records then add penalty to records from same year.""" - return pairwise_distances(X, metric=self.metric) - - -class DistancePenalizeSameYear(PrecomputeDistance): - """Custom estimator to compute distances used to identify clusters of plants.""" - - def __init__(self, report_years: np.array, metric="euclidean", penalty=1000): - """Initialize estimator with configurable parameters. - - Args: - report_years: Used to find records with same report year and add significant - distance penalty to these records to avoid matching records. - from the same year. - metric: Distance metric to use in computation. - penalty: Penalty to apply to records with the same report year. - """ - self.report_years = report_years - self.metric = metric - self.penalty = penalty - - def fit(self, X, y=None, **fit_params): # noqa: N803 - """Required by scikit-learn, but does not modify anything.""" - return self - - def transform(self, X, y=None, **fit_params): # noqa: N803 - """Compute distance between records then add penalty to records from same year.""" - dist_matrix = super().transform(X) - - # Create penalty matrix - # Probably not the most elegant way to handle this - penalty_matrix = pairwise_distances(self.report_years.reshape(-1, 1)) - penalty_matrix += self.penalty - penalty_matrix[penalty_matrix > self.penalty] = 0 - - # distance from node to itself should still be 0 - np.fill_diagonal(penalty_matrix, 0) - dist_matrix += penalty_matrix - return dist_matrix - - -class DenseTransformer(BaseEstimator, TransformerMixin): - """Convert sparse numpy matrix to dense numpy array.""" - - def fit(self, X, y=None, **fit_params): # noqa: N803 - """No modifications made during fitting.""" - return self - - def transform(self, X, y=None, **fit_params): # noqa: N803 - """No modifications made during fitting.""" - return np.asarray(np.float32(X.todense())) diff --git a/src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py b/src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py new file mode 100644 index 0000000000..8fcfb0a057 --- /dev/null +++ b/src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py @@ -0,0 +1,17 @@ +"""Connect FERC1 plant tables to EIA's plant-parts via record linkage. + +FERC plant records are reported very non-uniformly. In the same table there are records +that are reported as whole plants, individual generators, and collections of prime +movers. This means portions of EIA plants that correspond to a plant record in FERC +Form 1 are heterogeneous, which complicates using the two data sets together. + +The EIA plant data is much cleaner and more uniformly structured. The are generators +with ids and plants with ids reported in *seperate* tables. Several generator IDs are +typically grouped under a single plant ID. In :mod:`pudl.analysis.plant_parts_eia`, +we create a large number of synthetic aggregated records representing many possible +slices of a power plant which could in theory be what is actually reported in the FERC +Form 1. + +In this module we infer which of the many ``plant_parts_eia`` records is most likely to +correspond to an actually reported FERC Form 1 plant record. +""" diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py new file mode 100644 index 0000000000..156f094c0e --- /dev/null +++ b/src/pudl/analysis/record_linkage/models.py @@ -0,0 +1,232 @@ +"""This module defines an interface record linkage models can conform to and implements common functionality.""" +from abc import ABC, abstractmethod +from collections.abc import Callable +from typing import Any + +import numpy as np +import pandas as pd +from pydantic import BaseModel, ConfigDict +from sklearn.base import BaseEstimator +from sklearn.cluster import AgglomerativeClustering +from sklearn.compose import ColumnTransformer +from sklearn.decomposition import PCA +from sklearn.feature_extraction.text import TfidfVectorizer +from sklearn.metrics import pairwise_distances +from sklearn.pipeline import Pipeline +from sklearn.preprocessing import ( + FunctionTransformer, + MinMaxScaler, + Normalizer, + OneHotEncoder, +) + +import pudl + + +class ModelComponent(BaseModel, ABC): + """:class:`ModelComponent`s are the basic building blocks of a record linkage model. + + :class:`ModelComponent` defines a simple interface that should be implemented to + create basic model steps that can be combined and reused at will. This interface + essentially just says that a :class:`ModelComponent` should take some configuration + (inherits from :class:`BaseModel`), and should be callable. + """ + + model_config = ConfigDict(arbitrary_types_allowed=True) + + @abstractmethod + def __call__(self, *args, **kwargs): + """Every model component should be callable.""" + pass + + +_GENERIC_COLUMN_TRANSFORMS = { + "function_transforms": { + "null_to_zero": lambda df: df.fillna(value=0.0), + "null_to_empty_str": lambda df: df.fillna(value=""), + "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), + }, + "configurable_transforms": { + "string": { + "class": TfidfVectorizer, + "default_options": { + "analyzer": "char", + "ngram_range": (2, 10), + }, + }, + "category": { + "class": OneHotEncoder, + "default_options": { + "categories": "auto", + }, + }, + "number": { + "class": MinMaxScaler, + "default_options": {}, + }, + "norm": { + "class": Normalizer, + "default_options": {}, + }, + }, +} + + +class ColumnTransformation(BaseModel): + """Define a set of transformations to apply to one or more columns.""" + + model_config = ConfigDict(arbitrary_types_allowed=True) + + transformations: list[BaseEstimator | str | ModelComponent] + options: dict[str, Any] = {} + weight: float = 1.0 + columns: list[str] + + def as_pipeline(self) -> Pipeline: + """Return a Pipeline to transform columns based on configuration.""" + transform_steps = [] + for i, transform in enumerate(self.transformations): + if isinstance(transform, BaseEstimator): + transform_steps.append((f"custom_transform_{i}", transform)) + elif isinstance(transform, ModelComponent): + transform_steps.append( + (f"model_component_{i}", FunctionTransformer(transform)) + ) + elif func := _GENERIC_COLUMN_TRANSFORMS["function_transforms"].get( + transform + ): + transform_steps.append((transform, FunctionTransformer(func))) + elif config := _GENERIC_COLUMN_TRANSFORMS["configurable_transforms"].get( + transform + ): + options = config["default_options"] | self.options + transform_steps.append((transform, config["class"](**options))) + + return Pipeline(transform_steps) + + +class DataFrameEmbedder(ModelComponent): + """This ModelComponent performs a series of column transformations on a DataFrame. + + Under the hood this uses :class:`sklearn.compose.ColumnTransformer`. As configuration + it takes as configuration a mapping of column names to a list of transformations to apply. + Transformations can be specified either by passing an instance of a + :class:`sklearn.base.BaseEstimator`, or a string to select from several common/generic + transformers defined by this class. If a string is used, it should be one of the following: + + 'string' - Applies a TfidfVectorizer to the column. + 'category' - Applies a OneHotEncoder to the column. + 'number' - Applies a MinMaxScaler to the column. + """ + + #: Maps step name to list of transformations. + transformations: dict[str, ColumnTransformation] + + #: Applying column transformations may produce a sparse matrix. + #: If this flag is set, the matrix will automatically be made dense before returning. + make_dense: bool = True + + def _construct_transformer(self) -> ColumnTransformer: + """Use configuration to construct :class:`sklearn.compose.ColumnTransformer`.""" + return ColumnTransformer( + transformers=[ + (name, column_transform.as_pipeline(), column_transform.columns) + for name, column_transform in self.transformations.items() + ], + transformer_weights={ + name: column_transform.weight + for name, column_transform in self.transformations.items() + }, + ) + + def __call__(self, df: pd.DataFrame): + """Use :class:`sklearn.compose.ColumnTransformer` to transform input.""" + transformer = self._construct_transformer() + transformed = transformer.fit_transform(df) + + if self.make_dense: + transformed = np.array(transformed.todense()) + + return transformed + + +class ReducedDimDataFrameEmbedder(DataFrameEmbedder): + """Subclass of :class:`DataFrameEmbedder`, which applies PCA to reduce dimensions of the output.""" + + #: Passed to :class:`sklearn.decomposition.PCA` param n_components + output_dims: int | float | None = None + + def __call__(self, df: pd.DataFrame): + """Apply PCA to output of :class:`DataFrameEmbedder`.""" + transformed = super().__call__(df) + pca = PCA(copy=False, n_components=self.output_dims) + + return pca.fit_transform(transformed) + + +class HierarchicalClusteringClassifier(ModelComponent): + """Apply agglomerative clustering algorithm to distance matrix to classif records.""" + + n_clusters: int | None = None + distance_threshold: float = 1.5 + + def __call__(self, distance_matrix: np.ndarray) -> np.ndarray: + """Use agglomerative clustering algorithm to classify records.""" + classifier = AgglomerativeClustering( + n_clusters=self.n_clusters, + metric="precomputed", + linkage="average", + distance_threshold=self.distance_threshold, + compute_distances=True, + ) + + return classifier.fit_predict(distance_matrix) + + +class DistanceCalculator(ModelComponent): + """Compute distance between records in feature matrix.""" + + distance_metric: str | Callable = "euclidean" + + def __call__(self, feature_matrix: np.ndarray) -> np.ndarray: + """Compute pairwise distance.""" + return pairwise_distances(feature_matrix, metric=self.distance_metric) + + +class PenalizeReportYearDistanceCalculator(DistanceCalculator): + """Compute distance between records and add penalty to records from same year.""" + + distance_penalty: float = 1.5 + + def __call__( + self, feature_matrix: np.ndarray, original_df: pd.DataFrame + ) -> np.ndarray: + """Create penalty matrix and add to distances.""" + distance_matrix = super().__call__(feature_matrix) + + # First create distance matrix of just report years (same year will be 0) + report_years = np.array(original_df.report_year) + year_dist_matrix = pairwise_distances(report_years.reshape(-1, 1)) + records_from_same_year = np.isclose(year_dist_matrix, 0) + + penalty_matrix = np.zeros_like(feature_matrix) + penalty_matrix[records_from_same_year] = self.distance_penalty + # Don't add penalty to diagonal (represents distance from record to itself) + np.fill_diagonal(penalty_matrix, 0) + + return penalty_matrix + distance_matrix + + +class CrossYearLinker(ModelComponent): + """Link records within the same dataset between years.""" + + embedding_step: DataFrameEmbedder + distance_calculator: DistanceCalculator = PenalizeReportYearDistanceCalculator() + classifier: ModelComponent = HierarchicalClusteringClassifier() + + def __call__(self, df: pd.DataFrame): # noqa: N803 + """Apply model and return column of estimated record labels.""" + feature_matrix = self.embedding_step(df) + distance_matrix = self.distance_calculator(feature_matrix, df) + + return self.classifier(distance_matrix) diff --git a/src/pudl/analysis/record_linkage/name_cleaner.py b/src/pudl/analysis/record_linkage/name_cleaner.py new file mode 100644 index 0000000000..91828acfbf --- /dev/null +++ b/src/pudl/analysis/record_linkage/name_cleaner.py @@ -0,0 +1,270 @@ +"""This module contains the implementation of CompanyNameCleaner class from OS-Climate's financial-entity-cleaner package.""" + +import enum +import json +import logging +import re +from importlib.resources import as_file, files +from typing import Literal + +import pandas as pd + +from pudl.analysis.record_linkage.models import ModelComponent + +logger = logging.getLogger(__name__) + +CLEANING_RULES_DICT = { + "remove_email": [" ", r"\S*@\S*\s?"], + "remove_url": [" ", r"https*\S+"], + "remove_word_the_from_the_end": [" ", r"the$"], + "place_word_the_at_the_beginning": [" ", r"the$"], + "remove_www_address": [" ", r"https?://[.\w]{3,}|www.[.\w]{3,}"], + "enforce_single_space_between_words": [" ", r"\s+"], + "replace_amperstand_by_AND": [" and ", r"&"], + "add_space_between_amperstand": [" & ", r"&"], + "add_space_before_opening_parentheses": [" (", r"\("], + "add_space_after_closing_parentheses": [") ", r"\)"], + "replace_amperstand_between_space_by_AND": [" and ", r"\s+&\s+"], + "replace_hyphen_by_space": [" ", r"-"], + "replace_hyphen_between_spaces_by_single_space": [" ", r"\s+-\s+"], + "replace_underscore_by_space": [" ", r"_"], + "replace_underscore_between_spaces_by_single_space": [" ", r"\s+_\s+"], + "remove_all_punctuation": [" ", r"([^\w\s])"], + "remove_punctuation_except_dot": [" ", r"([^\w\s.])"], + "remove_mentions": [" ", r"@\S+"], + "remove_hashtags": [" ", r"#\S+"], + "remove_numbers": [" ", r"\w*\d+\w*"], + "remove_text_puctuation": [" ", r'\;|\:|\,|\.|\?|\!|"'], + "remove_text_puctuation_except_dot": [" ", r'\;|\:|\,|\?|\!|"'], + "remove_math_symbols": [" ", r"\+|\-|\*|\>|\<|\=|\%"], + "remove_math_symbols_except_dash": [" ", r"\+|\*|\>|\<|\=|\%"], + "remove_parentheses": ["", r"\(|\)"], + "remove_brackets": ["", r"\[|\]"], + "remove_curly_brackets": ["", r"\{|\}"], + "remove_single_quote_next_character": [" ", r"'\w+"], + "remove_single_quote": [" ", r"'"], + "remove_double_quote": [" ", r'"'], + "remove_words_in_parentheses": [" ", r"\([^()]*\)"], + "repeat_remove_words_in_parentheses": [" ", r"remove_words_in_parentheses"], +} + + +class LegalTermLocation(enum.Enum): + """The location of the legal terms within the name string.""" + + AT_THE_END = 1 + ANYWHERE = 2 + + +class CompanyNameCleaner(ModelComponent): + """Class to normalize/clean up text based company names.""" + + # Constants used internally by the class + __NAME_LEGAL_TERMS_DICT_FILE = "us_legal_forms.json" + __NAME_JSON_ENTRY_LEGAL_TERMS = "legal_forms" + + #: A flag to indicate if the cleaning process must normalize + #: text's legal terms. e.g. LTD => LIMITED. + cleaning_rules_list: list[str] = [ + "replace_amperstand_between_space_by_AND", + "replace_hyphen_between_spaces_by_single_space", + "replace_underscore_by_space", + "replace_underscore_between_spaces_by_single_space", + "remove_text_puctuation_except_dot", + "remove_math_symbols", + "remove_words_in_parentheses", + "remove_parentheses", + "remove_brackets", + "remove_curly_brackets", + "enforce_single_space_between_words", + ] + + #: A flag to indicate if the cleaning process must normalize + normalize_legal_terms: bool = True + + #: Define if unicode characters should be removed from text's name + #: This cleaning rule is treated separated from the regex rules because it depends on the + #: language of the text's name. For instance, russian or japanese text's may contain + #: unicode characters, while portuguese and french companies may not. + remove_unicode: bool = False + + #: Define the letter case of the cleaning output + output_lettercase: Literal["lower", "title"] = "lower" + + #: Where in the string are legal terms found + legal_term_location: LegalTermLocation = LegalTermLocation.AT_THE_END + + #: Define if the letters with accents are replaced with non-accented ones + remove_accents: bool = False + + def _apply_regex_rules( + self, str_value: str, dict_regex_rules: dict[str, list[str]] + ) -> str: + r"""Applies several cleaning rules based on a custom dictionary. + + The dictionary must contain cleaning rules written in regex format. + + Arguments: + str_value (str): any value as string to be cleaned up. + dict_regex_rules (dict): a dictionary of cleaning rules writen in regex with the format + [rule name] : ['replacement', 'regex rule'] + + Returns: + (str): the modified/cleaned value. + """ + clean_value = str_value + # Iterate through the dictionary and apply each regex rule + for name_rule, cleaning_rule in dict_regex_rules.items(): + # First element is the replacement + replacement = cleaning_rule[0] + # Second element is the regex rule + regex_rule = cleaning_rule[1] + + # Check if the regex rule is actually a reference to another regex rule. + # By adding a name of another regex rule in the place of the rule itself allows the execution + # of a regex rule twice + if regex_rule in dict_regex_rules: + replacement = dict_regex_rules[cleaning_rule[1]][0] + regex_rule = dict_regex_rules[cleaning_rule[1]][1] + + # Make sure to use raw string + regex_rule = rf"{regex_rule}" + + # Treat the special case of the word THE at the end of a text's name + found_the_word_the = None + if name_rule == "place_word_the_at_the_beginning": + found_the_word_the = re.search(regex_rule, clean_value) + + # Apply the regex rule + clean_value = re.sub(regex_rule, replacement, clean_value) + + # Adjust the name for the case of rule + if found_the_word_the is not None: + clean_value = "the " + clean_value + + return clean_value + + def _remove_unicode_chars(self, value: str) -> str: + """Removes unicode character that is unreadable when converted to ASCII format. + + Arguments: + value (str): any string containing unicode characters. + + Returns: + (str): the corresponding input string without unicode characters. + """ + # Remove all unicode characters if any + clean_value = value.encode("ascii", "ignore").decode() + return clean_value + + def _apply_cleaning_rules(self, company_name: str) -> str: + """Apply the cleaning rules from the dictionary of regex rules.""" + cleaning_dict = {} + for rule_name in self.cleaning_rules_list: + cleaning_dict[rule_name] = CLEANING_RULES_DICT[rule_name] + + # Apply all the cleaning rules + clean_company_name = self._apply_regex_rules(company_name, cleaning_dict) + return clean_company_name + + def _apply_normalization_of_legal_terms(self, company_name: str) -> str: + """Apply the normalizattion of legal terms according to dictionary of regex rules.""" + # Make sure to remove extra spaces, so legal terms can be found in the end (if requested) + clean_company_name = company_name.strip() + + # The dictionary of legal terms define how to normalize the text's legal form abreviations + json_source = files("pudl.package_data.settings").joinpath( + self.__NAME_LEGAL_TERMS_DICT_FILE + ) + with as_file(json_source) as json_file_path: + _dict_legal_terms = json.load(json_file_path.open())[ + self.__NAME_JSON_ENTRY_LEGAL_TERMS + ]["en"] + + # Apply normalization for legal terms + # Iterate through the dictionary of legal terms + for replacement, legal_terms in _dict_legal_terms.items(): + # Each replacement has a list of possible terms to be searched for + replacement = " " + replacement.lower() + " " + for legal_term in legal_terms: + # Make sure to use raw string + legal_term = legal_term.lower() + # If the legal term has . (dots), then apply regex directly on the legal term + # Otherwise, if it's a legal term with only letters in sequence, make sure + # that regex find the legal term as a word (\\bLEGAL_TERM\\b) + if legal_term.find(".") > -1: + legal_term = legal_term.replace(".", "\\.") + else: + legal_term = "\\b" + legal_term + "\\b" + # Check if the legal term should be found only at the end of the string + if self.legal_term_location == LegalTermLocation.AT_THE_END: + legal_term = legal_term + "$" + # ...and it's a raw string + regex_rule = rf"{legal_term}" + # Apply the replacement + clean_company_name = re.sub(regex_rule, replacement, clean_company_name) + return clean_company_name + + def get_clean_data(self, company_name: str) -> str: + """Clean a name and normalize legal terms. + + If ``company_name`` is null or not a string value, pd.NA + will be returned. + + Arguments: + company_name (str): the original text + + Returns: + clean_company_name (str): the clean version of the text + """ + if not isinstance(company_name, str): + if company_name is not pd.NA: + logger.warning(f"{company_name} is not a string.") + return pd.NA + + # Remove all unicode characters in the text's name, if requested + if self.remove_unicode: + clean_company_name = self._remove_unicode_chars(company_name) + else: + clean_company_name = company_name + + # Remove space in the beginning and in the end and convert it to lower case + clean_company_name = clean_company_name.strip().lower() + + # Apply all the cleaning rules + clean_company_name = self._apply_cleaning_rules(clean_company_name) + + # Apply normalization for legal terms + if self.normalize_legal_terms: + clean_company_name = self._apply_normalization_of_legal_terms( + clean_company_name + ) + + # Apply the letter case, if different from 'lower' + if self.output_lettercase == "upper": + clean_company_name = clean_company_name.upper() + elif self.output_lettercase == "title": + clean_company_name = clean_company_name.title() + + # Remove excess of white space that might be introduced during previous cleaning + clean_company_name = clean_company_name.strip() + clean_company_name = re.sub(r"\s+", " ", clean_company_name) + + return clean_company_name + + def __call__( + self, + df: pd.DataFrame, + ) -> pd.Series: + """Clean up text names in a dataframe. + + Arguments: + df (dataframe): the input dataframe that contains the text's name to be cleaned + in_company_name_attribute (str): the attribute in the dataframe that contains the names + out_company_name_attribute (str): the attribute to be created for the clean version of + the text's name + + Returns: + df (dataframe): the clean version of the input dataframe + """ + return df.squeeze().apply(self.get_clean_data) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index c33b63dec6..4d0a9ffcc8 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -8,9 +8,7 @@ import pandas as pd import pytest -from pudl.analysis.record_linkage.classify_plants_ferc1 import ( - construct_ferc1_plant_matching_model, -) +from pudl.analysis.record_linkage.classify_plants_ferc1 import Ferc1PlantClassifier from pudl.transform.params.ferc1 import ( CONSTRUCTION_TYPE_CATEGORIES, PLANT_TYPE_CATEGORIES, @@ -196,16 +194,16 @@ def mock_ferc1_plants_df(): def test_classify_plants_ferc1(mock_ferc1_plants_df): """Test the FERC inter-year plant linking model.""" - linker = construct_ferc1_plant_matching_model(_FUEL_COLS) - df = linker.fit_predict(mock_ferc1_plants_df) + linker = Ferc1PlantClassifier() + mock_ferc1_plants_df["plant_id_ferc1"] = linker(mock_ferc1_plants_df) # Compute percent of records assigned correctly correctly_matched = ( - df.groupby("base_plant_name")["plant_id_ferc1"] + mock_ferc1_plants_df.groupby("base_plant_name")["plant_id_ferc1"] .apply(lambda plant_ids: plant_ids.value_counts().iloc[0]) .sum() ) assert ( - correctly_matched / len(df) > 0.85 + correctly_matched / len(mock_ferc1_plants_df) > 0.85 ), "Percent of correctly matched FERC records below 85%." From ab9518826d78f2f8b8a75500d0da6e612f30bf92 Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 30 Nov 2023 17:57:37 -0500 Subject: [PATCH 26/60] Minor change to ferc-ferc integration test --- test/integration/record_linkage.py | 17 ++++------------- 1 file changed, 4 insertions(+), 13 deletions(-) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index 4d0a9ffcc8..ca6658339a 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -8,25 +8,16 @@ import pandas as pd import pytest -from pudl.analysis.record_linkage.classify_plants_ferc1 import Ferc1PlantClassifier +from pudl.analysis.record_linkage.classify_plants_ferc1 import ( + _FUEL_COLS, + Ferc1PlantClassifier, +) from pudl.transform.params.ferc1 import ( CONSTRUCTION_TYPE_CATEGORIES, PLANT_TYPE_CATEGORIES, VALID_PLANT_YEARS, ) -_FUEL_COLS = [ - "coal_fraction_mmbtu", - "gas_fraction_mmbtu", - "hydro_fraction_mmbtu", - "nuclear_fraction_mmbtu", - "oil_fraction_mmbtu", - "other_fraction_mmbtu", - "solar_fraction_mmbtu", - "waste_fraction_mmbtu", - "wind_fraction_mmbtu", -] - _RANDOM_GENERATOR = np.random.default_rng(12335) From 8aba02b639fcfe045125c6f45063f8aea2f5b0ec Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 30 Nov 2023 23:00:33 +0000 Subject: [PATCH 27/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 18 +-- environments/conda-lock.yml | 206 +++++++++++++------------- environments/conda-osx-64.lock.yml | 14 +- environments/conda-osx-arm64.lock.yml | 14 +- 4 files changed, 126 insertions(+), 126 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index 5f8eb23336..705cff343b 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -26,7 +26,7 @@ dependencies: - libgcc-ng=13.2.0=h807b86a_3 - aws-c-common=0.9.8=hd590300_0 - bzip2=1.0.8=hd590300_5 - - c-ares=1.22.1=hd590300_0 + - c-ares=1.23.0=hd590300_0 - fribidi=1.0.10=h36c2ea0_0 - geos=3.12.1=h59595ed_0 - gettext=0.21.1=h27087fc_0 @@ -65,7 +65,7 @@ dependencies: - openssl=3.1.4=hd590300_0 - pixman=0.42.2=h59595ed_0 - pthread-stubs=0.4=h36c2ea0_1001 - - rdma-core=28.9=h59595ed_1 + - rdma-core=49.0=hd3aeb46_1 - snappy=1.1.10=h9fff704_0 - tzcode=2023c=h0b41bf4_0 - uriparser=0.9.7=hcb278e6_1 @@ -106,7 +106,7 @@ dependencies: - readline=8.2=h8228510_1 - s2n=1.3.56=h06160fa_0 - tk=8.6.13=noxft_h4845f30_101 - - ucx=1.15.0=h64cca9d_0 + - ucx=1.15.0=hae80064_1 - xorg-libsm=1.2.4=h7391055_0 - zeromq=4.3.5=h59595ed_0 - zlib=1.2.13=hd590300_5 @@ -401,7 +401,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-c-s3=0.4.1=hfadff92_0 - - botocore=1.33.3=pyhd8ed1ab_0 + - botocore=1.33.4=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h63ff55d_0 @@ -416,7 +416,7 @@ dependencies: - harfbuzz=8.3.0=h3d44ed6_0 - httpcore=1.0.2=pyhd8ed1ab_0 - importlib_metadata=6.8.0=hd8ed1ab_0 - - jsonschema-specifications=2023.11.1=pyhd8ed1ab_0 + - jsonschema-specifications=2023.11.2=pyhd8ed1ab_0 - jupyter_core=5.5.0=py311h38be061_0 - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1 - kealib=1.5.2=hcd42e92_1 @@ -444,7 +444,7 @@ dependencies: - starlette=0.32.0.post1=pyhd8ed1ab_0 - tiledb=2.16.3=h8c794c1_3 - ukkonen=1.0.1=py311h9547e67_4 - - uvicorn=0.24.0=py311h38be061_0 + - uvicorn=0.24.0.post1=py311h38be061_0 - virtualenv=20.24.7=pyhd8ed1ab_0 - watchfiles=0.21.0=py311h46250e7_0 - aiohttp=3.8.6=py311h459d7ec_1 @@ -488,9 +488,9 @@ dependencies: - stevedore=5.1.0=pyhd8ed1ab_0 - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - - uvicorn-standard=0.24.0=h38be061_0 + - uvicorn-standard=0.24.0.post1=h38be061_0 - aws-sdk-cpp=1.11.182=h8beafcf_7 - - boto3=1.33.3=pyhd8ed1ab_0 + - boto3=1.33.4=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -499,7 +499,7 @@ dependencies: - frictionless=4.40.8=pyh6c4a22f_0 - gdal=3.8.0=py311h815a124_6 - geopandas-base=0.14.1=pyha770c72_0 - - google-auth=2.23.4=pyhca7485f_0 + - google-auth=2.24.0=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - gtk2=2.24.33=h90689f9_2 - ipykernel=6.26.0=pyhf8b6a83_0 diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index 89512fd344..f2430c4b41 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -1914,52 +1914,52 @@ package: category: main optional: false - name: boto3 - version: 1.33.3 + version: 1.33.4 manager: conda platform: linux-64 dependencies: - botocore: ">=1.33.3,<1.34.0" + botocore: ">=1.33.4,<1.34.0" jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" - s3transfer: ">=0.8.0,<0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.3-pyhd8ed1ab_0.conda + s3transfer: ">=0.8.2,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.4-pyhd8ed1ab_0.conda hash: - md5: d642fa88c5f9de6caaea3c06018aa676 - sha256: 0fdff135ddeb1baa41f16ffcaab8537ad757857e977172c120bd5ed18676a5f1 + md5: 914d59cf685448451de9ac736cb0fb2a + sha256: cb63cadfb3c593cb7295b14450e4310af88d32dc1bbf185ec82a325a12e86f28 category: main optional: false - name: boto3 - version: 1.33.3 + version: 1.33.4 manager: conda platform: osx-64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" - s3transfer: ">=0.8.0,<0.9.0" - botocore: ">=1.33.3,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.3-pyhd8ed1ab_0.conda + botocore: ">=1.33.4,<1.34.0" + s3transfer: ">=0.8.2,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.4-pyhd8ed1ab_0.conda hash: - md5: d642fa88c5f9de6caaea3c06018aa676 - sha256: 0fdff135ddeb1baa41f16ffcaab8537ad757857e977172c120bd5ed18676a5f1 + md5: 914d59cf685448451de9ac736cb0fb2a + sha256: cb63cadfb3c593cb7295b14450e4310af88d32dc1bbf185ec82a325a12e86f28 category: main optional: false - name: boto3 - version: 1.33.3 + version: 1.33.4 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" - s3transfer: ">=0.8.0,<0.9.0" - botocore: ">=1.33.3,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.3-pyhd8ed1ab_0.conda + botocore: ">=1.33.4,<1.34.0" + s3transfer: ">=0.8.2,<0.9.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.4-pyhd8ed1ab_0.conda hash: - md5: d642fa88c5f9de6caaea3c06018aa676 - sha256: 0fdff135ddeb1baa41f16ffcaab8537ad757857e977172c120bd5ed18676a5f1 + md5: 914d59cf685448451de9ac736cb0fb2a + sha256: cb63cadfb3c593cb7295b14450e4310af88d32dc1bbf185ec82a325a12e86f28 category: main optional: false - name: botocore - version: 1.33.3 + version: 1.33.4 manager: conda platform: linux-64 dependencies: @@ -1967,14 +1967,14 @@ package: python: ">=3.7" python-dateutil: ">=2.1,<3.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.4-pyhd8ed1ab_0.conda hash: - md5: 861cb6464f236f2d93017782d6ee93ab - sha256: 235d5fae34acdc61c8a52043d927fe1b2426135dda8113a27198b9f210f91c2b + md5: 7a75bbad0e4f43fd7d60319991399cdb + sha256: 3bb421c9e384af5452eb90679f00dd7ad034309679b5426a7d16f9eb18891326 category: main optional: false - name: botocore - version: 1.33.3 + version: 1.33.4 manager: conda platform: osx-64 dependencies: @@ -1982,14 +1982,14 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.4-pyhd8ed1ab_0.conda hash: - md5: 861cb6464f236f2d93017782d6ee93ab - sha256: 235d5fae34acdc61c8a52043d927fe1b2426135dda8113a27198b9f210f91c2b + md5: 7a75bbad0e4f43fd7d60319991399cdb + sha256: 3bb421c9e384af5452eb90679f00dd7ad034309679b5426a7d16f9eb18891326 category: main optional: false - name: botocore - version: 1.33.3 + version: 1.33.4 manager: conda platform: osx-arm64 dependencies: @@ -1997,10 +1997,10 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.4-pyhd8ed1ab_0.conda hash: - md5: 861cb6464f236f2d93017782d6ee93ab - sha256: 235d5fae34acdc61c8a52043d927fe1b2426135dda8113a27198b9f210f91c2b + md5: 7a75bbad0e4f43fd7d60319991399cdb + sha256: 3bb421c9e384af5452eb90679f00dd7ad034309679b5426a7d16f9eb18891326 category: main optional: false - name: bottleneck @@ -2246,37 +2246,37 @@ package: category: main optional: false - name: c-ares - version: 1.22.1 + version: 1.23.0 manager: conda platform: linux-64 dependencies: libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/c-ares-1.22.1-hd590300_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/c-ares-1.23.0-hd590300_0.conda hash: - md5: 8430bd266c7b2cfbda403f7585d5ee86 - sha256: d41cf87938ba66de538b91afed3ece9b4cf5ed082a7d1c1add46b70f482f34b9 + md5: d459949bc10f64dee1595c176c2e6291 + sha256: 6b0eee827bade11c2964a05867499a50ad2a9d1b14dfe18fb867a3bc9357f56f category: main optional: false - name: c-ares - version: 1.22.1 + version: 1.23.0 manager: conda platform: osx-64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-64/c-ares-1.22.1-h10d778d_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/c-ares-1.23.0-h10d778d_0.conda hash: - md5: 7040d0624b78a81c8d52f22b662d7c35 - sha256: e52123d4d1e880ad883da1fa6301fa318e87cf42b6228833177d41053f7288b4 + md5: 8da823fabbad661eefc48b779d89a4ac + sha256: d1080366254a32bd1ff23f10fcfe61bfb91e2af19e71047fc2ffddd062a59033 category: main optional: false - name: c-ares - version: 1.22.1 + version: 1.23.0 manager: conda platform: osx-arm64 dependencies: {} - url: https://conda.anaconda.org/conda-forge/osx-arm64/c-ares-1.22.1-h93a5062_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/c-ares-1.23.0-h93a5062_0.conda hash: - md5: f9d38cc3908c066e50b184cdcab12929 - sha256: 75f0222f76c9848ef9c3892300d057cb8285f28341d2f149d1fc10373242969c + md5: b187f2b99e52905042d661f824666964 + sha256: de5385280dcad805428068adb1f4a7eb1e6ec8987e2f25c4ff5766e3fec3b4a2 category: main optional: false - name: ca-certificates @@ -6470,7 +6470,7 @@ package: category: main optional: false - name: google-auth - version: 2.23.4 + version: 2.24.0 manager: conda platform: linux-64 dependencies: @@ -6483,14 +6483,14 @@ package: pyu2f: ">=0.1.5" requests: ">=2.20.0,<3.0.0" rsa: ">=3.1.4,<5" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.24.0-pyhca7485f_0.conda hash: - md5: 9ad01e23627db9def3104ba78fd19229 - sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 + md5: 5c80374ea4c24d3bd6822108d43715d0 + sha256: c270d1866bd01f3fa97e5c65496b853af6b1c8d58479132c8b3397534fbb2919 category: main optional: false - name: google-auth - version: 2.23.4 + version: 2.24.0 manager: conda platform: osx-64 dependencies: @@ -6503,14 +6503,14 @@ package: cachetools: ">=2.0.0,<6.0" aiohttp: ">=3.6.2,<4.0.0" cryptography: ">=38.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.24.0-pyhca7485f_0.conda hash: - md5: 9ad01e23627db9def3104ba78fd19229 - sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 + md5: 5c80374ea4c24d3bd6822108d43715d0 + sha256: c270d1866bd01f3fa97e5c65496b853af6b1c8d58479132c8b3397534fbb2919 category: main optional: false - name: google-auth - version: 2.23.4 + version: 2.24.0 manager: conda platform: osx-arm64 dependencies: @@ -6523,10 +6523,10 @@ package: cachetools: ">=2.0.0,<6.0" aiohttp: ">=3.6.2,<4.0.0" cryptography: ">=38.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.23.4-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.24.0-pyhca7485f_0.conda hash: - md5: 9ad01e23627db9def3104ba78fd19229 - sha256: 1319ebc61518025e3bd7de38d27d254d8dcc61cc3b7d9fd1f62148ae614c8657 + md5: 5c80374ea4c24d3bd6822108d43715d0 + sha256: c270d1866bd01f3fa97e5c65496b853af6b1c8d58479132c8b3397534fbb2919 category: main optional: false - name: google-auth-oauthlib @@ -9244,45 +9244,45 @@ package: category: main optional: false - name: jsonschema-specifications - version: 2023.11.1 + version: 2023.11.2 manager: conda platform: linux-64 dependencies: importlib_resources: ">=1.4.0" python: ">=3.8" referencing: ">=0.31.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.2-pyhd8ed1ab_0.conda hash: - md5: 094ff9cf36957f95bb74cee42ab140b2 - sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 + md5: 73884ca36d6d96cbce498cde99fab40f + sha256: e26115d02dc208a05b557c8dd670923270803b9b3b8af4e22b93d659d1ec77ec category: main optional: false - name: jsonschema-specifications - version: 2023.11.1 + version: 2023.11.2 manager: conda platform: osx-64 dependencies: python: ">=3.8" importlib_resources: ">=1.4.0" referencing: ">=0.31.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.2-pyhd8ed1ab_0.conda hash: - md5: 094ff9cf36957f95bb74cee42ab140b2 - sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 + md5: 73884ca36d6d96cbce498cde99fab40f + sha256: e26115d02dc208a05b557c8dd670923270803b9b3b8af4e22b93d659d1ec77ec category: main optional: false - name: jsonschema-specifications - version: 2023.11.1 + version: 2023.11.2 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" importlib_resources: ">=1.4.0" referencing: ">=0.31.0" - url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jsonschema-specifications-2023.11.2-pyhd8ed1ab_0.conda hash: - md5: 094ff9cf36957f95bb74cee42ab140b2 - sha256: 17ac31b620a7bb81c6468b4ba9ad4aeb1c6c6669e9dd7e4ad909da48702a6091 + md5: 73884ca36d6d96cbce498cde99fab40f + sha256: e26115d02dc208a05b557c8dd670923270803b9b3b8af4e22b93d659d1ec77ec category: main optional: false - name: jsonschema-with-format-nongpl @@ -14502,8 +14502,8 @@ package: entrypoints: ">=0.2.2" traitlets: ">=5.0" markupsafe: ">=2.0" - pandocfilters: ">=1.4.1" jupyter_core: ">=4.7" + pandocfilters: ">=1.4.1" nbformat: ">=5.1" pygments: ">=2.4.1" nbclient: ">=0.5.0" @@ -14530,8 +14530,8 @@ package: entrypoints: ">=0.2.2" traitlets: ">=5.0" markupsafe: ">=2.0" - pandocfilters: ">=1.4.1" jupyter_core: ">=4.7" + pandocfilters: ">=1.4.1" nbformat: ">=5.1" pygments: ">=2.4.1" nbclient: ">=0.5.0" @@ -18953,17 +18953,17 @@ package: category: main optional: false - name: rdma-core - version: "28.9" + version: "49.0" manager: conda platform: linux-64 dependencies: __glibc: ">=2.17,<3.0.a0" libgcc-ng: ">=12" libstdcxx-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/rdma-core-28.9-h59595ed_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/rdma-core-49.0-hd3aeb46_1.conda hash: - md5: aeffb7c06b5f65e55e6c637408dc4100 - sha256: 832f9393ab3144ce6468c6f150db9d398fad4451e96a8879afb3059f0c9902f6 + md5: 434d42b3ee35e1aaf6bb42d87730d1a4 + sha256: dca608dd54c7782f15b6a99220fa1ac8f744c1e183ba69b5d0f29c5be85865b1 category: main optional: false - name: re2 @@ -22450,11 +22450,11 @@ package: libgcc-ng: ">=12" libnuma: ">=2.0.16,<3.0a0" libstdcxx-ng: ">=12" - rdma-core: ">=28.9,<29.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/ucx-1.15.0-h64cca9d_0.conda + rdma-core: ">=48.0" + url: https://conda.anaconda.org/conda-forge/linux-64/ucx-1.15.0-hae80064_1.conda hash: - md5: b35b1f1a9fdbf93266c91f297dc9060e - sha256: 8a4dce10304fee0df715addec3d078421aa7aa0824422a6630d621d15bd98e5f + md5: c0413425844278251c1cc9459386339b + sha256: f511a735bf7a0b56c5ae48839e2248d46a922ffc6ad8ea2da7617485faa70c6f category: main optional: false - name: ukkonen @@ -22694,7 +22694,7 @@ package: category: main optional: false - name: uvicorn - version: 0.24.0 + version: 0.24.0.post1 manager: conda platform: linux-64 dependencies: @@ -22702,14 +22702,14 @@ package: h11: ">=0.8" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-0.24.0-py311h38be061_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-0.24.0.post1-py311h38be061_0.conda hash: - md5: a6eb331b0b42251227dbdfb5838c287b - sha256: df5269d01ba7ae8fa7cc0d822a63db7a646005c689e8a90083f145a707df6035 + md5: 2b1938535dcb0385f024f6fa66eb63ad + sha256: e79e66a3baa0fc0ae6d3ca28305a5222f9f3f451d95369a9a6a8a13fbaa20eaa category: main optional: false - name: uvicorn - version: 0.24.0 + version: 0.24.0.post1 manager: conda platform: osx-64 dependencies: @@ -22717,14 +22717,14 @@ package: h11: ">=0.8" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-0.24.0-py311h6eed73b_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-0.24.0.post1-py311h6eed73b_0.conda hash: - md5: 62249aa566e8be9286966278a6582e1a - sha256: ab7aa3875fbafd7912b97616573741508e140446fa9819ba870788677ba8fba3 + md5: 84b59bc83d504ffdceaa08a16fbb0b03 + sha256: 092a4960fff7aa0263974cfdbf0eee85d53032633293be73bcf971f259fdf869 category: main optional: false - name: uvicorn - version: 0.24.0 + version: 0.24.0.post1 manager: conda platform: osx-arm64 dependencies: @@ -22732,14 +22732,14 @@ package: h11: ">=0.8" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/uvicorn-0.24.0-py311h267d04e_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/uvicorn-0.24.0.post1-py311h267d04e_0.conda hash: - md5: ed05fec89baaa5869db4e27bf4d510dc - sha256: 275934feb0e2cdfacd65414d8e54d3a9aa0e703f11a52ca3a0485df04a51cf77 + md5: 72fa7ae2d42c1b919afc2a05c94366da + sha256: 092af8de831585eea0c8980a06194ffcd558a41744b17028f7d81dc333726351 category: main optional: false - name: uvicorn-standard - version: 0.24.0 + version: 0.24.0.post1 manager: conda platform: linux-64 dependencies: @@ -22747,18 +22747,18 @@ package: python-dotenv: ">=0.13" python_abi: 3.11.* pyyaml: ">=5.1" - uvicorn: 0.24.0 + uvicorn: 0.24.0.post1 uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" watchfiles: ">=0.13" websockets: ">=10.4" - url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-standard-0.24.0-h38be061_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/uvicorn-standard-0.24.0.post1-h38be061_0.conda hash: - md5: e8143a99cadb40ba9542e6e9ff15d862 - sha256: dc23a3aff61791522ab1d924c0f6b67468c3c72772c5ca690158c160ae42ac33 + md5: bc7779ba8fab689013281f98989f321e + sha256: c0cd1953e1bc87120dce855ee38828bfdf9c66d64dc2796c49b40cd69cfc09cd category: dev optional: true - name: uvicorn-standard - version: 0.24.0 + version: 0.24.0.post1 manager: conda platform: osx-64 dependencies: @@ -22766,18 +22766,18 @@ package: python-dotenv: ">=0.13" python_abi: 3.11.* pyyaml: ">=5.1" - uvicorn: 0.24.0 + uvicorn: 0.24.0.post1 uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" watchfiles: ">=0.13" websockets: ">=10.4" - url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-standard-0.24.0-h6eed73b_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/uvicorn-standard-0.24.0.post1-h6eed73b_0.conda hash: - md5: fcfded7537383dc21fc53708048fb40f - sha256: 30476332eed1f448bfe769dcdf8a5a68e55587980026eae317c2a84b17daac2b + md5: fc3f047cd7236a5d906b828a9bbec38b + sha256: b8885240415223f1e176c8a0af7f3dd5b39cf303338425f75befb591e23c7c1d category: dev optional: true - name: uvicorn-standard - version: 0.24.0 + version: 0.24.0.post1 manager: conda platform: osx-arm64 dependencies: @@ -22785,14 +22785,14 @@ package: python-dotenv: ">=0.13" python_abi: 3.11.* pyyaml: ">=5.1" - uvicorn: 0.24.0 + uvicorn: 0.24.0.post1 uvloop: ">=0.14.0,!=0.15.0,!=0.15.1" watchfiles: ">=0.13" websockets: ">=10.4" - url: https://conda.anaconda.org/conda-forge/osx-arm64/uvicorn-standard-0.24.0-ha1ab1f8_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/uvicorn-standard-0.24.0.post1-ha1ab1f8_0.conda hash: - md5: e35093930996a0cd5668b020f880e0f2 - sha256: 391af506e734bd59d1a3b4611e27393b26ea6aa585070a63a45d4522a1fbd500 + md5: e4c1c55ae8b7aab529ecf8211f4cc4e4 + sha256: 92230fa9751494f3bc00c552803050cddf578e216421b3b7825a5d40dacea4d0 category: dev optional: true - name: uvloop diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index ce89863ddc..e0175a36ed 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -8,7 +8,7 @@ channels: dependencies: - aws-c-common=0.9.8=h10d778d_0 - bzip2=1.0.8=h10d778d_5 - - c-ares=1.22.1=h10d778d_0 + - c-ares=1.23.0=h10d778d_0 - ca-certificates=2023.11.17=h8857fd0_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 @@ -381,7 +381,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hf3941dc_6 - - botocore=1.33.3=pyhd8ed1ab_0 + - botocore=1.33.4=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311hd51016d_0 @@ -395,7 +395,7 @@ dependencies: - grpcio-health-checking=1.59.2=pyhd8ed1ab_0 - httpcore=1.0.2=pyhd8ed1ab_0 - importlib_metadata=6.8.0=hd8ed1ab_0 - - jsonschema-specifications=2023.11.1=pyhd8ed1ab_0 + - jsonschema-specifications=2023.11.2=pyhd8ed1ab_0 - jupyter_core=5.5.0=py311h6eed73b_0 - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1 - kealib=1.5.2=h052fcf7_1 @@ -424,7 +424,7 @@ dependencies: - starlette=0.32.0.post1=pyhd8ed1ab_0 - tiledb=2.16.3=hd3a41d5_3 - ukkonen=1.0.1=py311h5fe6e05_4 - - uvicorn=0.24.0=py311h6eed73b_0 + - uvicorn=0.24.0.post1=py311h6eed73b_0 - virtualenv=20.24.7=pyhd8ed1ab_0 - watchfiles=0.21.0=py311h5e0f0e4_0 - aiohttp=3.8.6=py311he705e18_1 @@ -470,8 +470,8 @@ dependencies: - stevedore=5.1.0=pyhd8ed1ab_0 - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - - uvicorn-standard=0.24.0=h6eed73b_0 - - boto3=1.33.3=pyhd8ed1ab_0 + - uvicorn-standard=0.24.0.post1=h6eed73b_0 + - boto3=1.33.4=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -480,7 +480,7 @@ dependencies: - frictionless=4.40.8=pyh6c4a22f_0 - gdal=3.8.0=py311h5646c56_6 - geopandas-base=0.14.1=pyha770c72_0 - - google-auth=2.23.4=pyhca7485f_0 + - google-auth=2.24.0=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - graphviz=9.0.0=hee74176_1 - ipykernel=6.26.0=pyh3cd1d5f_0 diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index dee2775760..15768c6bcd 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -8,7 +8,7 @@ channels: dependencies: - aws-c-common=0.9.8=h93a5062_0 - bzip2=1.0.8=h93a5062_5 - - c-ares=1.22.1=h93a5062_0 + - c-ares=1.23.0=h93a5062_0 - ca-certificates=2023.11.17=hf0a4a13_0 - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - font-ttf-inconsolata=3.000=h77eed37_0 @@ -381,7 +381,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hba4ac3b_6 - - botocore=1.33.3=pyhd8ed1ab_0 + - botocore=1.33.4=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.5=py311h71175c2_0 @@ -395,7 +395,7 @@ dependencies: - grpcio-health-checking=1.59.2=pyhd8ed1ab_0 - httpcore=1.0.2=pyhd8ed1ab_0 - importlib_metadata=6.8.0=hd8ed1ab_0 - - jsonschema-specifications=2023.11.1=pyhd8ed1ab_0 + - jsonschema-specifications=2023.11.2=pyhd8ed1ab_0 - jupyter_core=5.5.0=py311h267d04e_0 - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1 - kealib=1.5.2=h47b5e36_1 @@ -424,7 +424,7 @@ dependencies: - starlette=0.32.0.post1=pyhd8ed1ab_0 - tiledb=2.16.3=he15c4da_3 - ukkonen=1.0.1=py311he4fd1f5_4 - - uvicorn=0.24.0=py311h267d04e_0 + - uvicorn=0.24.0.post1=py311h267d04e_0 - virtualenv=20.24.7=pyhd8ed1ab_0 - watchfiles=0.21.0=py311h94f323b_0 - aiohttp=3.8.6=py311h05b510d_1 @@ -470,8 +470,8 @@ dependencies: - stevedore=5.1.0=pyhd8ed1ab_0 - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - - uvicorn-standard=0.24.0=ha1ab1f8_0 - - boto3=1.33.3=pyhd8ed1ab_0 + - uvicorn-standard=0.24.0.post1=ha1ab1f8_0 + - boto3=1.33.4=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.9=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -480,7 +480,7 @@ dependencies: - frictionless=4.40.8=pyh6c4a22f_0 - gdal=3.8.0=py311h32a4f3d_6 - geopandas-base=0.14.1=pyha770c72_0 - - google-auth=2.23.4=pyhca7485f_0 + - google-auth=2.24.0=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - graphviz=9.0.0=h3face73_1 - ipykernel=6.26.0=pyh3cd1d5f_0 From 50d1f988893bc0e158595d6fc63542a4786db69f Mon Sep 17 00:00:00 2001 From: zschira Date: Fri, 1 Dec 2023 12:12:47 -0500 Subject: [PATCH 28/60] Add more memory efficient PCA option for record linkage models --- .../record_linkage/classify_plants_ferc1.py | 70 ++++++++++--------- src/pudl/analysis/record_linkage/models.py | 45 +++++++++--- 2 files changed, 70 insertions(+), 45 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index b14138a409..8daf9875a6 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -16,7 +16,7 @@ from pudl.analysis.record_linkage.models import ( ColumnTransformation, CrossYearLinker, - ReducedDimDataFrameEmbedder, + ReducedDimDataFrameEmbedderSparse, ) from pudl.analysis.record_linkage.name_cleaner import CompanyNameCleaner @@ -301,37 +301,39 @@ def fuel_by_plant_ferc1( class Ferc1PlantClassifier(CrossYearLinker): """Create model for linking ferc1 plants between years.""" - embedding_step: ReducedDimDataFrameEmbedder = ReducedDimDataFrameEmbedder( - transformations={ - "plant_name": ColumnTransformation( - transformations=[CompanyNameCleaner(), "string"], - weight=2.0, - columns=["plant_name_ferc1"], - ), - "plant_type": ColumnTransformation( - transformations=["null_to_empty_str", "category"], - weight=2.0, - columns=["plant_type"], - ), - "construction_type": ColumnTransformation( - transformations=["null_to_empty_str", "category"], - columns=["construction_type"], - ), - "capacity_mw": ColumnTransformation( - transformations=["null_to_zero", "number"], - columns=["capacity_mw"], - ), - "construction_year": ColumnTransformation( - transformations=["fix_int_na", "category"], - columns=["construction_year"], - ), - "utility_id_ferc1": ColumnTransformation( - transformations=["category"], - columns=["utility_id_ferc1"], - ), - "fuel_fractions": ColumnTransformation( - transformations=["null_to_zero", "number", "norm"], - columns=_FUEL_COLS, - ), - } + embedding_step: ReducedDimDataFrameEmbedderSparse = ( + ReducedDimDataFrameEmbedderSparse( + transformations={ + "plant_name": ColumnTransformation( + transformations=[CompanyNameCleaner(), "string"], + weight=2.0, + columns=["plant_name_ferc1"], + ), + "plant_type": ColumnTransformation( + transformations=["null_to_empty_str", "category"], + weight=2.0, + columns=["plant_type"], + ), + "construction_type": ColumnTransformation( + transformations=["null_to_empty_str", "category"], + columns=["construction_type"], + ), + "capacity_mw": ColumnTransformation( + transformations=["null_to_zero", "number"], + columns=["capacity_mw"], + ), + "construction_year": ColumnTransformation( + transformations=["fix_int_na", "category"], + columns=["construction_year"], + ), + "utility_id_ferc1": ColumnTransformation( + transformations=["category"], + columns=["utility_id_ferc1"], + ), + "fuel_fractions": ColumnTransformation( + transformations=["null_to_zero", "number", "norm"], + columns=_FUEL_COLS, + ), + } + ) ) diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py index 156f094c0e..7d04b0666e 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/models.py @@ -9,7 +9,7 @@ from sklearn.base import BaseEstimator from sklearn.cluster import AgglomerativeClustering from sklearn.compose import ColumnTransformer -from sklearn.decomposition import PCA +from sklearn.decomposition import PCA, IncrementalPCA from sklearn.feature_extraction.text import TfidfVectorizer from sklearn.metrics import pairwise_distances from sklearn.pipeline import Pipeline @@ -37,7 +37,7 @@ class ModelComponent(BaseModel, ABC): @abstractmethod def __call__(self, *args, **kwargs): """Every model component should be callable.""" - pass + ... _GENERIC_COLUMN_TRANSFORMS = { @@ -124,7 +124,7 @@ class DataFrameEmbedder(ModelComponent): #: Applying column transformations may produce a sparse matrix. #: If this flag is set, the matrix will automatically be made dense before returning. - make_dense: bool = True + make_dense: bool def _construct_transformer(self) -> ColumnTransformer: """Use configuration to construct :class:`sklearn.compose.ColumnTransformer`.""" @@ -154,12 +154,38 @@ class ReducedDimDataFrameEmbedder(DataFrameEmbedder): """Subclass of :class:`DataFrameEmbedder`, which applies PCA to reduce dimensions of the output.""" #: Passed to :class:`sklearn.decomposition.PCA` param n_components - output_dims: int | float | None = None + output_dims: int | float | None = 500 + make_dense: bool = True def __call__(self, df: pd.DataFrame): """Apply PCA to output of :class:`DataFrameEmbedder`.""" transformed = super().__call__(df) - pca = PCA(copy=False, n_components=self.output_dims) + pca = PCA(copy=False, n_components=self.output_dims, batch_size=500) + + return pca.fit_transform(transformed) + + +class ReducedDimDataFrameEmbedderSparse(DataFrameEmbedder): + """Subclass of :class:`DataFrameEmbedder`, which applies IncrementalPCA to reduce dimensions of the output. + + This class differs from :class:`ReducedDimDataFrameEmbedder` in that it applies + IncrementalPCA instead of a normal PCA implementation. This implementation is + an approximation of a true PCA, but it operates with constant memory usage of + batch_size * n_features (where n_features is the number of columns in the input + matrix) and it can operate on a sparse input matrix. + """ + + #: Passed to :class:`sklearn.decomposition.PCA` param n_components + output_dims: int | None = 500 + make_dense: bool = False + batch_size: int = 500 + + def __call__(self, df: pd.DataFrame): + """Apply PCA to output of :class:`DataFrameEmbedder`.""" + transformed = super().__call__(df) + pca = IncrementalPCA( + copy=False, n_components=self.output_dims, batch_size=self.batch_size + ) return pca.fit_transform(transformed) @@ -177,7 +203,6 @@ def __call__(self, distance_matrix: np.ndarray) -> np.ndarray: metric="precomputed", linkage="average", distance_threshold=self.distance_threshold, - compute_distances=True, ) return classifier.fit_predict(distance_matrix) @@ -196,7 +221,7 @@ def __call__(self, feature_matrix: np.ndarray) -> np.ndarray: class PenalizeReportYearDistanceCalculator(DistanceCalculator): """Compute distance between records and add penalty to records from same year.""" - distance_penalty: float = 1.5 + distance_penalty: float = 1000.0 def __call__( self, feature_matrix: np.ndarray, original_df: pd.DataFrame @@ -206,11 +231,9 @@ def __call__( # First create distance matrix of just report years (same year will be 0) report_years = np.array(original_df.report_year) - year_dist_matrix = pairwise_distances(report_years.reshape(-1, 1)) - records_from_same_year = np.isclose(year_dist_matrix, 0) + penalty_matrix = pairwise_distances(report_years.reshape(-1, 1)) + penalty_matrix = np.isclose(penalty_matrix, 0) * self.distance_penalty - penalty_matrix = np.zeros_like(feature_matrix) - penalty_matrix[records_from_same_year] = self.distance_penalty # Don't add penalty to diagonal (represents distance from record to itself) np.fill_diagonal(penalty_matrix, 0) From 5e109f60dd5c5b1ed686e3b420b2d5040d75b66f Mon Sep 17 00:00:00 2001 From: zschira Date: Fri, 1 Dec 2023 12:42:32 -0500 Subject: [PATCH 29/60] Add more test records to ferc-ferc matching simulation. --- test/integration/record_linkage.py | 3 +++ 1 file changed, 3 insertions(+) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index ca6658339a..4fce2d9340 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -179,6 +179,9 @@ def mock_ferc1_plants_df(): _generate_random_test_df("huntington beach"), _generate_random_test_df("long beach"), _generate_random_test_df("san onofre 2&3"), + _generate_random_test_df("allen e. kintigh", capacity_mean=150), + _generate_random_test_df("hawthorn 6", capacity_mean=150), + _generate_random_test_df("venice c.t.", capacity_mean=500), ] ) From ea643bd0dc172dacb51fd7ef9b5c6ff0eecd34c4 Mon Sep 17 00:00:00 2001 From: Zane Selvans Date: Fri, 1 Dec 2023 15:24:13 -0600 Subject: [PATCH 30/60] Fix bad docstring formatting that was breaking docs build --- src/pudl/analysis/record_linkage/models.py | 27 +++++++++++----------- 1 file changed, 14 insertions(+), 13 deletions(-) diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py index 7d04b0666e..e3a3a51a82 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/models.py @@ -1,4 +1,4 @@ -"""This module defines an interface record linkage models can conform to and implements common functionality.""" +"""Define a record linkage model interface and implement common functionality.""" from abc import ABC, abstractmethod from collections.abc import Callable from typing import Any @@ -24,7 +24,7 @@ class ModelComponent(BaseModel, ABC): - """:class:`ModelComponent`s are the basic building blocks of a record linkage model. + """A :class:`ModelComponent` is the basic building block of a record linkage model. :class:`ModelComponent` defines a simple interface that should be implemented to create basic model steps that can be combined and reused at will. This interface @@ -108,15 +108,16 @@ def as_pipeline(self) -> Pipeline: class DataFrameEmbedder(ModelComponent): """This ModelComponent performs a series of column transformations on a DataFrame. - Under the hood this uses :class:`sklearn.compose.ColumnTransformer`. As configuration - it takes as configuration a mapping of column names to a list of transformations to apply. - Transformations can be specified either by passing an instance of a - :class:`sklearn.base.BaseEstimator`, or a string to select from several common/generic - transformers defined by this class. If a string is used, it should be one of the following: + Under the hood this uses :class:`sklearn.compose.ColumnTransformer`. As + configuration it takes as configuration a mapping of column names to a list of + transformations to apply. Transformations can be specified either by passing an + instance of a :class:`sklearn.base.BaseEstimator`, or a string to select from + several common/generic transformers defined by this class. If a string is used, it + should be one of the following: - 'string' - Applies a TfidfVectorizer to the column. - 'category' - Applies a OneHotEncoder to the column. - 'number' - Applies a MinMaxScaler to the column. + * ``string`` - Applies a TfidfVectorizer to the column. + * ``category`` - Applies a OneHotEncoder to the column. + * ``number`` - Applies a MinMaxScaler to the column. """ #: Maps step name to list of transformations. @@ -151,7 +152,7 @@ def __call__(self, df: pd.DataFrame): class ReducedDimDataFrameEmbedder(DataFrameEmbedder): - """Subclass of :class:`DataFrameEmbedder`, which applies PCA to reduce dimensions of the output.""" + """:class:`DataFrameEmbedder` subclass that reduces output dimensions using PCA.""" #: Passed to :class:`sklearn.decomposition.PCA` param n_components output_dims: int | float | None = 500 @@ -166,7 +167,7 @@ def __call__(self, df: pd.DataFrame): class ReducedDimDataFrameEmbedderSparse(DataFrameEmbedder): - """Subclass of :class:`DataFrameEmbedder`, which applies IncrementalPCA to reduce dimensions of the output. + """:class:`DataFrameEmbedder` subclass, using IncrementalPCA to reduce dimensions. This class differs from :class:`ReducedDimDataFrameEmbedder` in that it applies IncrementalPCA instead of a normal PCA implementation. This implementation is @@ -191,7 +192,7 @@ def __call__(self, df: pd.DataFrame): class HierarchicalClusteringClassifier(ModelComponent): - """Apply agglomerative clustering algorithm to distance matrix to classif records.""" + """Apply agglomerative clustering to distance matrix to classify records.""" n_clusters: int | None = None distance_threshold: float = 1.5 From 5757f44f39303b01117d56b50e951659988e2cd5 Mon Sep 17 00:00:00 2001 From: Zane Selvans Date: Fri, 1 Dec 2023 16:32:26 -0600 Subject: [PATCH 31/60] Add missing combined cycle plant type strings. --- src/pudl/transform/params/ferc1.py | 2 ++ 1 file changed, 2 insertions(+) diff --git a/src/pudl/transform/params/ferc1.py b/src/pudl/transform/params/ferc1.py index fb557ab626..1d41f83845 100644 --- a/src/pudl/transform/params/ferc1.py +++ b/src/pudl/transform/params/ferc1.py @@ -1314,6 +1314,7 @@ "combined cycle - 40%", "combined cycle ctg", "combined cycle oper", + "combined cycle operation", "combined cycle opern", "combined cycle plant:", "combined turbine", @@ -1337,6 +1338,7 @@ "gas turb/cumb. cyc", "gas turb/cumbus cycl", "gas turbine / steam", + "gas turbine-combine cycle", "gas turbine-combined cycle", "gas turbine/ steam", "gas turbine/steam", From 7b356e877ef0ed0b162f71e46d1b8179cffcc8ea Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 4 Dec 2023 15:35:53 -0500 Subject: [PATCH 32/60] Add more test records to ferc-ferc matching simulation. --- src/pudl/analysis/record_linkage/models.py | 154 +++++++++++++++++++-- 1 file changed, 140 insertions(+), 14 deletions(-) diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py index 7d04b0666e..eda1901585 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/models.py @@ -7,11 +7,12 @@ import pandas as pd from pydantic import BaseModel, ConfigDict from sklearn.base import BaseEstimator -from sklearn.cluster import AgglomerativeClustering +from sklearn.cluster import DBSCAN, AgglomerativeClustering from sklearn.compose import ColumnTransformer from sklearn.decomposition import PCA, IncrementalPCA from sklearn.feature_extraction.text import TfidfVectorizer from sklearn.metrics import pairwise_distances +from sklearn.neighbors import NearestNeighbors from sklearn.pipeline import Pipeline from sklearn.preprocessing import ( FunctionTransformer, @@ -22,6 +23,8 @@ import pudl +logger = pudl.logging_helpers.get_logger(__name__) + class ModelComponent(BaseModel, ABC): """:class:`ModelComponent`s are the basic building blocks of a record linkage model. @@ -190,22 +193,126 @@ def __call__(self, df: pd.DataFrame): return pca.fit_transform(transformed) -class HierarchicalClusteringClassifier(ModelComponent): +class ClusteringClassifier(ModelComponent): """Apply agglomerative clustering algorithm to distance matrix to classif records.""" - n_clusters: int | None = None - distance_threshold: float = 1.5 + distance_threshold: float = 0.1 def __call__(self, distance_matrix: np.ndarray) -> np.ndarray: """Use agglomerative clustering algorithm to classify records.""" + neighbor_computer = NearestNeighbors( + radius=self.distance_threshold, metric="precomputed" + ) + neighbor_computer.fit(distance_matrix) + neighbor_graph = neighbor_computer.radius_neighbors_graph(mode="distance") + + classifier = DBSCAN( + metric="precomputed", eps=self.distance_threshold, min_samples=2 + ) + return classifier.fit_predict(neighbor_graph) + + +def _generate_cluster_ids(max_cluster_id: int) -> int: + """Get new unique cluster id.""" + while True: + max_cluster_id += 1 + yield max_cluster_id + + +class SplitOvermergedClusters(ModelComponent): + """DBSCAN has a tendency to merge similar clusters together that should be distinct.""" + + distance_threshold: float = 1.5 + + def __call__( + self, + distance_matrix: np.ndarray, + original_df: pd.DataFrame, + cluster_id_generator, + ) -> pd.Series: + """Apply AgglomerativeClustering to all clusters with more than one record from the same year.""" + classifier = AgglomerativeClustering( + metric="precomputed", + linkage="average", + distance_threshold=self.distance_threshold, + n_clusters=None, + ) + duplicated_ids = original_df.loc[ + original_df.duplicated(subset=["report_year", "plant_id_ferc1"]), + "plant_id_ferc1", + ] + + for duplicated_id in duplicated_ids.unique(): + # IDs of -1 will be handled seperately + if duplicated_id == -1: + continue + + cluster_inds = original_df[ + original_df.plant_id_ferc1 == duplicated_id + ].index.to_numpy() + cluster_size = len(cluster_inds) + + dist_inds = np.array(np.meshgrid(cluster_inds, cluster_inds)).T.reshape( + -1, 2 + ) + cluster_distances = distance_matrix[ + dist_inds[:, 0], dist_inds[:, 1] + ].reshape((cluster_size, cluster_size)) + + new_labels = classifier.fit_predict(cluster_distances) + for new_label in np.unique(new_labels): + df_inds = cluster_inds[new_labels == new_label] + original_df.loc[df_inds, "plant_id_ferc1"] = next(cluster_id_generator) + + return original_df.plant_id_ferc1 + + +def _average_dist_between_clusters( + distance_matrix: np.ndarray, set_1: list[int], set_2: list[int] +) -> float: + dist_inds = np.array(np.meshgrid(set_1, set_2)).T.reshape(-1, 2) + dists = distance_matrix[dist_inds[:, 0], dist_inds[:, 1]] + return dists.mean() + + +class MatchOrpahnedRecords(ModelComponent): + """DBSCAN assigns 'noisy' records a label of '-1', which will be labeled by this step.""" + + distance_threshold: float = 0.5 + + def __call__( + self, + distance_matrix: np.ndarray, + original_df: pd.DataFrame, + cluster_id_generator, + ) -> pd.Series: + """Compute average distance from orphaned records to existing clusters, and merge.""" classifier = AgglomerativeClustering( - n_clusters=self.n_clusters, metric="precomputed", linkage="average", distance_threshold=self.distance_threshold, + n_clusters=None, ) - return classifier.fit_predict(distance_matrix) + label_inds = original_df.groupby("plant_id_ferc1").indices + label_groups = [[ind] for ind in label_inds[-1]] + label_groups += [inds for key, inds in label_inds.items() if key != -1] + + # Prepare a reduced distance matrix + dist_matrix_size = len(label_groups) + reduced_dist_matrix = np.zeros((dist_matrix_size, dist_matrix_size)) + for i, x_cluster_inds in enumerate(label_groups): + for j, y_cluster_inds in enumerate(label_groups[:i]): + reduced_dist_matrix[i, j] = _average_dist_between_clusters( + distance_matrix, x_cluster_inds, y_cluster_inds + ) + reduced_dist_matrix[j, i] = reduced_dist_matrix[i, j] + + new_labels = classifier.fit_predict(reduced_dist_matrix) + for inds, label in zip(label_groups, new_labels): + original_df.loc[inds, "plant_id_ferc1"] = label + + return original_df["plant_id_ferc1"] class DistanceCalculator(ModelComponent): @@ -221,7 +328,7 @@ def __call__(self, feature_matrix: np.ndarray) -> np.ndarray: class PenalizeReportYearDistanceCalculator(DistanceCalculator): """Compute distance between records and add penalty to records from same year.""" - distance_penalty: float = 1000.0 + distance_penalty: float = 10000.0 def __call__( self, feature_matrix: np.ndarray, original_df: pd.DataFrame @@ -230,14 +337,17 @@ def __call__( distance_matrix = super().__call__(feature_matrix) # First create distance matrix of just report years (same year will be 0) - report_years = np.array(original_df.report_year) - penalty_matrix = pairwise_distances(report_years.reshape(-1, 1)) - penalty_matrix = np.isclose(penalty_matrix, 0) * self.distance_penalty + year_inds = original_df.groupby("report_year").indices + for inds in year_inds.values(): + matching_year_inds = np.array(np.meshgrid(inds, inds)).T.reshape(-1, 2) + distance_matrix[ + matching_year_inds[:, 0], matching_year_inds[:, 1] + ] = self.distance_penalty # Don't add penalty to diagonal (represents distance from record to itself) - np.fill_diagonal(penalty_matrix, 0) + np.fill_diagonal(distance_matrix, 0) - return penalty_matrix + distance_matrix + return distance_matrix class CrossYearLinker(ModelComponent): @@ -245,11 +355,27 @@ class CrossYearLinker(ModelComponent): embedding_step: DataFrameEmbedder distance_calculator: DistanceCalculator = PenalizeReportYearDistanceCalculator() - classifier: ModelComponent = HierarchicalClusteringClassifier() + classifier: ModelComponent = ClusteringClassifier( + distance_metric=PenalizeReportYearDistanceCalculator() + ) + split_overmerged_clusters: SplitOvermergedClusters = SplitOvermergedClusters() + match_orphaned_records: MatchOrpahnedRecords = MatchOrpahnedRecords() def __call__(self, df: pd.DataFrame): # noqa: N803 """Apply model and return column of estimated record labels.""" + df = df.copy().reset_index() feature_matrix = self.embedding_step(df) distance_matrix = self.distance_calculator(feature_matrix, df) + logger.info("Starting classification.") + + # Add column of report years to right of all features to use in distance calcs + df["plant_id_ferc1"] = self.classifier(distance_matrix) + id_generator = _generate_cluster_ids(df.plant_id_ferc1.max()) + df["plant_id_ferc1"] = self.split_overmerged_clusters( + distance_matrix, df, id_generator + ) + df["plant_id_ferc1"] = self.match_orphaned_records( + distance_matrix, df, id_generator + ) - return self.classifier(distance_matrix) + return df["plant_id_ferc1"] From 3ec367dc36066bd18a5393d429361f81c724538f Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 5 Dec 2023 21:53:30 +0000 Subject: [PATCH 33/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 10 +- environments/conda-lock.yml | 128 +++++++++++++------------- environments/conda-osx-64.lock.yml | 8 +- environments/conda-osx-arm64.lock.yml | 10 +- 4 files changed, 78 insertions(+), 78 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index 6024660317..0b3fccd4be 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -117,7 +117,7 @@ dependencies: - freetype=2.12.1=h267a509_2 - krb5=1.21.2=h659d440_0 - libarchive=3.7.2=h039dbb9_0 - - libglib=2.78.1=h783c2da_1 + - libglib=2.78.2=h783c2da_0 - libllvm15=15.0.7=h5cf9203_3 - libopenblas=0.3.25=pthreads_h413a1c8_0 - libthrift=0.19.0=hb90f79a_1 @@ -178,9 +178,9 @@ dependencies: - fontconfig=2.14.2=h14ed4e7_0 - freexl=2.0.0=h743c826_0 - frozenlist=1.4.0=py311h459d7ec_1 - - fsspec=2023.12.0=pyhca7485f_0 + - fsspec=2023.12.1=pyhca7485f_0 - gdk-pixbuf=2.42.10=h829c605_4 - - google-cloud-sdk=455.0.0=py311h38be061_0 + - google-cloud-sdk=456.0.0=py311h38be061_0 - greenlet=3.0.1=py311hb755f60_0 - gts=0.7.6=h977cf35_4 - hpack=4.0.0=pyh9f0ad1d_0 @@ -490,7 +490,7 @@ dependencies: - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=h38be061_0 - aws-sdk-cpp=1.11.182=h8beafcf_7 - - boto3=1.33.6=pyhd8ed1ab_0 + - boto3=1.33.7=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.10=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -547,7 +547,7 @@ dependencies: - libarrow-dataset=14.0.1=h59595ed_3_cpu - libarrow-flight-sql=14.0.1=h61ff412_3_cpu - nbconvert-pandoc=7.12.0=pyhd8ed1ab_0 - - gcsfs=2023.12.0=pyhd8ed1ab_0 + - gcsfs=2023.12.1=pyhd8ed1ab_0 - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index 6124d63cd0..10cf3b6c02 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -1914,48 +1914,48 @@ package: category: main optional: false - name: boto3 - version: 1.33.6 + version: 1.33.7 manager: conda platform: linux-64 dependencies: - botocore: ">=1.33.6,<1.34.0" + botocore: ">=1.33.7,<1.34.0" jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" s3transfer: ">=0.8.2,<0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.6-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.7-pyhd8ed1ab_0.conda hash: - md5: fff8f43d8786f4e2a0ab4ed431f8c511 - sha256: 7fad398c6730cb751de3495b8204a7cd133aeecdd684273bc3359f31e1c01eca + md5: be6f34d34e000afe25b585cde53f5c3a + sha256: cd9e195dd981604033c64b9068e486feb71b087aaadb61047a14a704d03946a9 category: main optional: false - name: boto3 - version: 1.33.6 + version: 1.33.7 manager: conda platform: osx-64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" s3transfer: ">=0.8.2,<0.9.0" - botocore: ">=1.33.6,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.6-pyhd8ed1ab_0.conda + botocore: ">=1.33.7,<1.34.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.7-pyhd8ed1ab_0.conda hash: - md5: fff8f43d8786f4e2a0ab4ed431f8c511 - sha256: 7fad398c6730cb751de3495b8204a7cd133aeecdd684273bc3359f31e1c01eca + md5: be6f34d34e000afe25b585cde53f5c3a + sha256: cd9e195dd981604033c64b9068e486feb71b087aaadb61047a14a704d03946a9 category: main optional: false - name: boto3 - version: 1.33.6 + version: 1.33.7 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" s3transfer: ">=0.8.2,<0.9.0" - botocore: ">=1.33.6,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.6-pyhd8ed1ab_0.conda + botocore: ">=1.33.7,<1.34.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.7-pyhd8ed1ab_0.conda hash: - md5: fff8f43d8786f4e2a0ab4ed431f8c511 - sha256: 7fad398c6730cb751de3495b8204a7cd133aeecdd684273bc3359f31e1c01eca + md5: be6f34d34e000afe25b585cde53f5c3a + sha256: cd9e195dd981604033c64b9068e486feb71b087aaadb61047a14a704d03946a9 category: main optional: false - name: botocore @@ -5738,39 +5738,39 @@ package: category: main optional: false - name: fsspec - version: 2023.12.0 + version: 2023.12.1 manager: conda platform: linux-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.12.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.12.1-pyhca7485f_0.conda hash: - md5: 036539452871d3b0906ff194ad808c9b - sha256: 72c84d372aa5d60eb31c53c108bacefb0c6fb854047441b543738e144f1fae65 + md5: b38946846cdf39f9bce93f75f571d913 + sha256: 929e63a5916a8ebc50199d5404fdcedf75261580d8e229d9a1def57a05ef39eb category: main optional: false - name: fsspec - version: 2023.12.0 + version: 2023.12.1 manager: conda platform: osx-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.12.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.12.1-pyhca7485f_0.conda hash: - md5: 036539452871d3b0906ff194ad808c9b - sha256: 72c84d372aa5d60eb31c53c108bacefb0c6fb854047441b543738e144f1fae65 + md5: b38946846cdf39f9bce93f75f571d913 + sha256: 929e63a5916a8ebc50199d5404fdcedf75261580d8e229d9a1def57a05ef39eb category: main optional: false - name: fsspec - version: 2023.12.0 + version: 2023.12.1 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.12.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/fsspec-2023.12.1-pyhca7485f_0.conda hash: - md5: 036539452871d3b0906ff194ad808c9b - sha256: 72c84d372aa5d60eb31c53c108bacefb0c6fb854047441b543738e144f1fae65 + md5: b38946846cdf39f9bce93f75f571d913 + sha256: 929e63a5916a8ebc50199d5404fdcedf75261580d8e229d9a1def57a05ef39eb category: main optional: false - name: furo @@ -5822,26 +5822,26 @@ package: category: main optional: false - name: gcsfs - version: 2023.12.0 + version: 2023.12.1 manager: conda platform: linux-64 dependencies: aiohttp: "" decorator: ">4.1.2" - fsspec: 2023.12.0 + fsspec: 2023.12.1 google-auth: ">=1.2" google-auth-oauthlib: "" google-cloud-storage: ">1.40" python: ">=3.7" requests: "" - url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.12.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.12.1-pyhd8ed1ab_0.conda hash: - md5: ad178e852250983982f3e2247635029d - sha256: 39dfbcb02360069206835f395cc0f169ead32005ff0c941a73526cdcfc18cd4b + md5: 2f48942fbcd4c2ef56af0fbf3cc56fb0 + sha256: b5e02b08137b4e90d97f4f2d5ff3e06d7076cdba6873061ca2b346576923b093 category: main optional: false - name: gcsfs - version: 2023.12.0 + version: 2023.12.1 manager: conda platform: osx-64 dependencies: @@ -5852,15 +5852,15 @@ package: google-auth: ">=1.2" decorator: ">4.1.2" google-cloud-storage: ">1.40" - fsspec: 2023.12.0 - url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.12.0-pyhd8ed1ab_0.conda + fsspec: 2023.12.1 + url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.12.1-pyhd8ed1ab_0.conda hash: - md5: ad178e852250983982f3e2247635029d - sha256: 39dfbcb02360069206835f395cc0f169ead32005ff0c941a73526cdcfc18cd4b + md5: 2f48942fbcd4c2ef56af0fbf3cc56fb0 + sha256: b5e02b08137b4e90d97f4f2d5ff3e06d7076cdba6873061ca2b346576923b093 category: main optional: false - name: gcsfs - version: 2023.12.0 + version: 2023.12.1 manager: conda platform: osx-arm64 dependencies: @@ -5871,11 +5871,11 @@ package: google-auth: ">=1.2" decorator: ">4.1.2" google-cloud-storage: ">1.40" - fsspec: 2023.12.0 - url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.12.0-pyhd8ed1ab_0.conda + fsspec: 2023.12.1 + url: https://conda.anaconda.org/conda-forge/noarch/gcsfs-2023.12.1-pyhd8ed1ab_0.conda hash: - md5: ad178e852250983982f3e2247635029d - sha256: 39dfbcb02360069206835f395cc0f169ead32005ff0c941a73526cdcfc18cd4b + md5: 2f48942fbcd4c2ef56af0fbf3cc56fb0 + sha256: b5e02b08137b4e90d97f4f2d5ff3e06d7076cdba6873061ca2b346576923b093 category: main optional: false - name: gdal @@ -6623,42 +6623,42 @@ package: category: main optional: false - name: google-cloud-sdk - version: 455.0.0 + version: 456.0.0 manager: conda platform: linux-64 dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/google-cloud-sdk-455.0.0-py311h38be061_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/google-cloud-sdk-456.0.0-py311h38be061_0.conda hash: - md5: 1505ce6a9284c331e05de23b56d023ff - sha256: 17c439e5b01341a4aae55a2f1841878244d25b365cef52b39fb9bfd3e30c8315 + md5: 09eb149adf3420350bd241bda3d5fafe + sha256: f789db836de3cc6557c9250f5819ada0aaafa2f559c09b8fadd5bda703a2acdf category: main optional: false - name: google-cloud-sdk - version: 455.0.0 + version: 456.0.0 manager: conda platform: osx-64 dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/google-cloud-sdk-455.0.0-py311h6eed73b_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/google-cloud-sdk-456.0.0-py311h6eed73b_0.conda hash: - md5: 0a635aa75ccc84e4dd16e06b559d3d49 - sha256: 8e133ed925ed75409a354b564ff2ebc2ebb3ebdd659f2d190b4c198b164c6f8e + md5: 287686faa4f60a48dae2884822a232ef + sha256: 9ce703e2c3b9df7f01dee5e21c3b40da1088114670ced4347af9ee368f304d4b category: main optional: false - name: google-cloud-sdk - version: 455.0.0 + version: 456.0.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/google-cloud-sdk-455.0.0-py311h267d04e_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/google-cloud-sdk-456.0.0-py311h267d04e_0.conda hash: - md5: 2f60b4b18d39e85bdf3557f19bd407be - sha256: 9511a6c98a01a1e5013c73d8e7cb0d1200643e9d531cbc49ebebfb5cd9e71f27 + md5: 321f57034a4eb43fbe44c09d5a270eeb + sha256: 89e0793bafe2d57cf3c656bc22853f7a40eb05b03a34d6c308dcd5ff572ace04 category: main optional: false - name: google-cloud-storage @@ -11735,7 +11735,7 @@ package: category: main optional: false - name: libglib - version: 2.78.1 + version: 2.78.2 manager: conda platform: linux-64 dependencies: @@ -11746,10 +11746,10 @@ package: libstdcxx-ng: ">=12" libzlib: ">=1.2.13,<1.3.0a0" pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libglib-2.78.1-h783c2da_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/libglib-2.78.2-h783c2da_0.conda hash: - md5: 70052d6c1e84643e30ffefb21ab6950f - sha256: 4e6fa28002f834cfc30a64792e95c1701d835cc3d3a4bb18d6e8d16bb8aba05b + md5: a69b70cf435577750468d02cbd596094 + sha256: 66a5dd5e9c13431d0d23324e2d4dd0ad189f6fe003b51bc8880ceeb3f6460f93 category: main optional: false - name: libglib @@ -11771,7 +11771,7 @@ package: category: main optional: false - name: libglib - version: 2.78.1 + version: 2.78.2 manager: conda platform: osx-arm64 dependencies: @@ -11782,10 +11782,10 @@ package: libiconv: ">=1.17,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libglib-2.78.1-hb438215_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/libglib-2.78.2-hb438215_0.conda hash: - md5: 3ce7984906f2ba4be662c219e8def77e - sha256: 3d94b6d8d27301f23b0d0c8b078c5e0bf6fc4f5f6260f3794cfaf7e247fe9e20 + md5: a2334b9d0b7b79c7d674ede8e21149b7 + sha256: 8c7ba8a886cbf5a8c91a814179463389e0bcaa9a7cf831f0cf849b6e4216cdc5 category: main optional: false - name: libgomp @@ -15566,8 +15566,8 @@ package: dependencies: numpy: "" pandas: "" - typing_extensions: "" packaging: "" + typing_extensions: "" pydantic: "" wrapt: "" multimethod: "" @@ -15587,8 +15587,8 @@ package: dependencies: numpy: "" pandas: "" - typing_extensions: "" packaging: "" + typing_extensions: "" pydantic: "" wrapt: "" multimethod: "" diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index 40a519d401..9af811d772 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -167,8 +167,8 @@ dependencies: - executing=2.0.1=pyhd8ed1ab_0 - filelock=3.13.1=pyhd8ed1ab_0 - frozenlist=1.4.0=py311h2725bcf_1 - - fsspec=2023.12.0=pyhca7485f_0 - - google-cloud-sdk=455.0.0=py311h6eed73b_0 + - fsspec=2023.12.1=pyhca7485f_0 + - google-cloud-sdk=456.0.0=py311h6eed73b_0 - greenlet=3.0.1=py311hd39e593_0 - hpack=4.0.0=pyh9f0ad1d_0 - httptools=0.6.1=py311he705e18_0 @@ -471,7 +471,7 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=h6eed73b_0 - - boto3=1.33.6=pyhd8ed1ab_0 + - boto3=1.33.7=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.10=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -526,7 +526,7 @@ dependencies: - jupyter_server=2.11.2=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h2cc6c1c_3_cpu - nbconvert-pandoc=7.12.0=pyhd8ed1ab_0 - - gcsfs=2023.12.0=pyhd8ed1ab_0 + - gcsfs=2023.12.1=pyhd8ed1ab_0 - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index 57b4d6b79e..e3b7283ddb 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -90,7 +90,7 @@ dependencies: - libedit=3.1.20191231=hc8eb9b7_2 - libevent=2.1.12=h2757513_1 - libgfortran=5.0.0=13_2_0_hd922786_1 - - libglib=2.78.1=hb438215_1 + - libglib=2.78.2=hb438215_0 - libkml=1.3.0=h1eb4d9f_1018 - libllvm15=15.0.7=h504e6bf_3 - libnghttp2=1.58.0=ha4dd798_0 @@ -167,8 +167,8 @@ dependencies: - executing=2.0.1=pyhd8ed1ab_0 - filelock=3.13.1=pyhd8ed1ab_0 - frozenlist=1.4.0=py311heffc1b2_1 - - fsspec=2023.12.0=pyhca7485f_0 - - google-cloud-sdk=455.0.0=py311h267d04e_0 + - fsspec=2023.12.1=pyhca7485f_0 + - google-cloud-sdk=456.0.0=py311h267d04e_0 - greenlet=3.0.1=py311hbaf5611_0 - hpack=4.0.0=pyh9f0ad1d_0 - httptools=0.6.1=py311h05b510d_0 @@ -471,7 +471,7 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=ha1ab1f8_0 - - boto3=1.33.6=pyhd8ed1ab_0 + - boto3=1.33.7=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.10=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 @@ -526,7 +526,7 @@ dependencies: - jupyter_server=2.11.2=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h594d712_3_cpu - nbconvert-pandoc=7.12.0=pyhd8ed1ab_0 - - gcsfs=2023.12.0=pyhd8ed1ab_0 + - gcsfs=2023.12.1=pyhd8ed1ab_0 - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter-resource-usage=1.0.1=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 From 61a3c01a6c225fc78635a4c1a226e48b67c97520 Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 7 Dec 2023 09:40:24 -0500 Subject: [PATCH 34/60] Integrate ferc-ferc model with dagster ops --- .../record_linkage/classify_plants_ferc1.py | 241 ++++--- src/pudl/analysis/record_linkage/models.py | 606 ++++++++++-------- .../analysis/record_linkage/name_cleaner.py | 7 +- src/pudl/transform/ferc1.py | 125 ++-- 4 files changed, 565 insertions(+), 414 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 8daf9875a6..69d31e556b 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -11,14 +11,13 @@ import numpy as np import pandas as pd +from dagster import graph, op import pudl from pudl.analysis.record_linkage.models import ( - ColumnTransformation, - CrossYearLinker, - ReducedDimDataFrameEmbedderSparse, + column_transform_from_key, + link_ids_cross_year, ) -from pudl.analysis.record_linkage.name_cleaner import CompanyNameCleaner logger = pudl.logging_helpers.get_logger(__name__) @@ -33,34 +32,163 @@ ] -def plants_steam_assign_plant_ids( +@op +def plants_steam_validate_ids( + ferc1_steam_df: pd.DataFrame, label_df: pd.DataFrame +) -> pd.DataFrame: + """Tests that plant_id_ferc1 times series includes one record per year. + + Args: + ferc1_steam_df: A DataFrame of the data from the FERC 1 Steam table. + + Returns: + The input dataframe, to enable method chaining. + """ + # Add column of labels to steam df + ferc1_steam_df.loc[:, "plant_id_ferc1"] = label_df["record_labels"] + + ########################################################################## + # FERC PLANT ID ERROR CHECKING STUFF + ########################################################################## + + # Test to make sure that we don't have any plant_id_ferc1 time series + # which include more than one record from a given year. Warn the user + # if we find such cases (which... we do, as of writing) + year_dupes = ( + ferc1_steam_df.groupby(["plant_id_ferc1", "report_year"])["utility_id_ferc1"] + .count() + .reset_index() + .rename(columns={"utility_id_ferc1": "year_dupes"}) + .query("year_dupes>1") + ) + if len(year_dupes) > 0: + for dupe in year_dupes.itertuples(): + logger.error( + f"Found report_year={dupe.report_year} " + f"{dupe.year_dupes} times in " + f"plant_id_ferc1={dupe.plant_id_ferc1}" + ) + else: + logger.info("No duplicate years found in any plant_id_ferc1. Hooray!") + + return ferc1_steam_df + + +@op +def merge_steam_fuel_dfs( ferc1_steam_df: pd.DataFrame, ferc1_fuel_df: pd.DataFrame, fuel_categories: list[str], ) -> pd.DataFrame: - """Assign IDs to the large steam plants.""" - ########################################################################### - # FERC PLANT ID ASSIGNMENT - ########################################################################### - # Now we need to assign IDs to the large steam plants, since FERC doesn't - # do this for us. - logger.info("Identifying distinct large FERC plants for ID assignment.") - + """Merge steam plants and fuel dfs to prepare inputs for ferc plant matching.""" # Grab fuel consumption proportions for use in assigning plant IDs: fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) - ferc1_steam_df = ferc1_steam_df.merge( + return ferc1_steam_df.merge( fuel_fractions[["utility_id_ferc1", "plant_name_ferc1", "report_year"] + ffc], on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], how="left", ) - # Train the classifier using DEFAULT weights, parameters not listed here. - classifier = Ferc1PlantClassifier() - ferc1_steam_df["plant_id_ferc1"] = classifier(ferc1_steam_df) - return ferc1_steam_df +@graph( + config={ + "link_ids_cross_year": { + "ops": { + "train_dataframe_embedder": { + "config": { + "transform_steps": { + "plant_name": { + "transforms": [ + column_transform_from_key("name_cleaner_transform"), + column_transform_from_key("string_transform"), + ], + "weight": 2.0, + "columns": ["plant_name_ferc1"], + }, + "plant_type": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_empty_str", + ), + column_transform_from_key("categorical_transform"), + ], + "weight": 2.0, + "columns": ["plant_type"], + }, + "construction_type": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_empty_str", + ), + column_transform_from_key("categorical_transform"), + ], + "columns": ["construction_type"], + }, + "capacity_mw": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_zero", + ), + column_transform_from_key("numerical_transform"), + ], + "columns": ["capacity_mw"], + }, + "construction_year": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="fix_int_na", + ), + column_transform_from_key("categorical_transform"), + ], + "columns": ["construction_year"], + }, + "utility_id_ferc1": { + "transforms": [ + column_transform_from_key("categorical_transform") + ], + "columns": ["utility_id_ferc1"], + }, + "fuel_fractions": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_zero", + ), + column_transform_from_key("numerical_transform"), + column_transform_from_key("normalize_transform"), + ], + "columns": _FUEL_COLS, + }, + } + } + }, + } + } + }, +) +def plants_steam_assign_plant_ids( + ferc1_steam_df: pd.DataFrame, + ferc1_fuel_df: pd.DataFrame, + fuel_categories: list[str], +) -> pd.DataFrame: + """Assign IDs to the large steam plants.""" + ########################################################################### + # FERC PLANT ID ASSIGNMENT + ########################################################################### + # Now we need to assign IDs to the large steam plants, since FERC doesn't + # do this for us. + logger.info("Identifying distinct large FERC plants for ID assignment.") + + input_df = merge_steam_fuel_dfs(ferc1_steam_df, ferc1_fuel_df, fuel_categories) + label_df = link_ids_cross_year(input_df) + + return plants_steam_validate_ids(ferc1_steam_df, label_df) def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: @@ -102,42 +230,6 @@ def revert_filled_in_float_nulls(df: pd.DataFrame) -> pd.DataFrame: return df -def plants_steam_validate_ids(ferc1_steam_df: pd.DataFrame) -> pd.DataFrame: - """Tests that plant_id_ferc1 times series includes one record per year. - - Args: - ferc1_steam_df: A DataFrame of the data from the FERC 1 Steam table. - - Returns: - The input dataframe, to enable method chaining. - """ - ########################################################################## - # FERC PLANT ID ERROR CHECKING STUFF - ########################################################################## - - # Test to make sure that we don't have any plant_id_ferc1 time series - # which include more than one record from a given year. Warn the user - # if we find such cases (which... we do, as of writing) - year_dupes = ( - ferc1_steam_df.groupby(["plant_id_ferc1", "report_year"])["utility_id_ferc1"] - .count() - .reset_index() - .rename(columns={"utility_id_ferc1": "year_dupes"}) - .query("year_dupes>1") - ) - if len(year_dupes) > 0: - for dupe in year_dupes.itertuples(): - logger.error( - f"Found report_year={dupe.report_year} " - f"{dupe.year_dupes} times in " - f"plant_id_ferc1={dupe.plant_id_ferc1}" - ) - else: - logger.info("No duplicate years found in any plant_id_ferc1. Hooray!") - - return ferc1_steam_df - - def fuel_by_plant_ferc1( fuel_df: pd.DataFrame, fuel_categories: list[str], thresh: float = 0.5 ) -> pd.DataFrame: @@ -296,44 +388,3 @@ def fuel_by_plant_ferc1( ].fillna("") return df - - -class Ferc1PlantClassifier(CrossYearLinker): - """Create model for linking ferc1 plants between years.""" - - embedding_step: ReducedDimDataFrameEmbedderSparse = ( - ReducedDimDataFrameEmbedderSparse( - transformations={ - "plant_name": ColumnTransformation( - transformations=[CompanyNameCleaner(), "string"], - weight=2.0, - columns=["plant_name_ferc1"], - ), - "plant_type": ColumnTransformation( - transformations=["null_to_empty_str", "category"], - weight=2.0, - columns=["plant_type"], - ), - "construction_type": ColumnTransformation( - transformations=["null_to_empty_str", "category"], - columns=["construction_type"], - ), - "capacity_mw": ColumnTransformation( - transformations=["null_to_zero", "number"], - columns=["capacity_mw"], - ), - "construction_year": ColumnTransformation( - transformations=["fix_int_na", "category"], - columns=["construction_year"], - ), - "utility_id_ferc1": ColumnTransformation( - transformations=["category"], - columns=["utility_id_ferc1"], - ), - "fuel_fractions": ColumnTransformation( - transformations=["null_to_zero", "number", "norm"], - columns=_FUEL_COLS, - ), - } - ) - ) diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py index a1efe911e0..7aea430323 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/models.py @@ -1,17 +1,17 @@ """Define a record linkage model interface and implement common functionality.""" -from abc import ABC, abstractmethod -from collections.abc import Callable -from typing import Any +from pathlib import Path +from tempfile import TemporaryDirectory +from typing import Literal, Union import numpy as np import pandas as pd -from pydantic import BaseModel, ConfigDict -from sklearn.base import BaseEstimator +from dagster import Config, graph, op +from pydantic import Field from sklearn.cluster import DBSCAN, AgglomerativeClustering from sklearn.compose import ColumnTransformer -from sklearn.decomposition import PCA, IncrementalPCA +from sklearn.decomposition import IncrementalPCA from sklearn.feature_extraction.text import TfidfVectorizer -from sklearn.metrics import pairwise_distances +from sklearn.metrics import pairwise_distances_chunked from sklearn.neighbors import NearestNeighbors from sklearn.pipeline import Pipeline from sklearn.preprocessing import ( @@ -22,93 +22,126 @@ ) import pudl +from pudl.analysis.record_linkage.name_cleaner import CompanyNameCleaner logger = pudl.logging_helpers.get_logger(__name__) -class ModelComponent(BaseModel, ABC): - """A :class:`ModelComponent` is the basic building block of a record linkage model. +def _apply_cleaning_func(df, function_key: str = None): + function_transforms = { + "null_to_zero": lambda df: df.fillna(value=0.0), + "null_to_empty_str": lambda df: df.fillna(value=""), + "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), + } - :class:`ModelComponent` defines a simple interface that should be implemented to - create basic model steps that can be combined and reused at will. This interface - essentially just says that a :class:`ModelComponent` should take some configuration - (inherits from :class:`BaseModel`), and should be callable. - """ + return function_transforms[function_key](df) - model_config = ConfigDict(arbitrary_types_allowed=True) - @abstractmethod - def __call__(self, *args, **kwargs): - """Every model component should be callable.""" - ... +class TfidfVectorizerConfig(Config): + """Implement ColumnTransformation for TfidfVectorizer.""" + transformation_type: Literal["string_transform"] + options: dict = {"analyzer": "char", "ngram_range": (2, 10)} + + def as_transformer(self): + """Return configured TfidfVectorizer.""" + return TfidfVectorizer(**self.options) + + +class OneHotEncoderConfig(Config): + """Implement ColumnTransformation for OneHotEncoder.""" + + transformation_type: Literal["categorical_transform"] + options: dict = {"categories": "auto"} + + def as_transformer(self): + """Return configured OneHotEncoder.""" + return OneHotEncoder(**self.options) + + +class MinMaxScalerConfig(Config): + """Implement ColumnTransformation for MinMaxScaler.""" + + transformation_type: Literal["numerical_transform"] + + def as_transformer(self): + """Return configured MinMaxScalerConfig.""" + return MinMaxScaler() + + +class NormalizerConfig(Config): + """Implement ColumnTransformation for Normalizer.""" + + transformation_type: Literal["normalize_transform"] + + def as_transformer(self): + """Return configured NormalizerConfig.""" + return Normalizer() -_GENERIC_COLUMN_TRANSFORMS = { - "function_transforms": { - "null_to_zero": lambda df: df.fillna(value=0.0), - "null_to_empty_str": lambda df: df.fillna(value=""), - "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), - }, - "configurable_transforms": { - "string": { - "class": TfidfVectorizer, - "default_options": { - "analyzer": "char", - "ngram_range": (2, 10), - }, - }, - "category": { - "class": OneHotEncoder, - "default_options": { - "categories": "auto", - }, - }, - "number": { - "class": MinMaxScaler, - "default_options": {}, - }, - "norm": { - "class": Normalizer, - "default_options": {}, - }, - }, -} - - -class ColumnTransformation(BaseModel): - """Define a set of transformations to apply to one or more columns.""" - model_config = ConfigDict(arbitrary_types_allowed=True) +class CleaningFuncConfig(Config): + """Implement ColumnTransformation for cleaning functions.""" - transformations: list[BaseEstimator | str | ModelComponent] - options: dict[str, Any] = {} + transformation_type: Literal["cleaning_function_transform"] + transform_function: str + + def as_transformer(self): + """Return configured NormalizerConfig.""" + return FunctionTransformer( + _apply_cleaning_func, kw_args={"function_key": self.transform_function} + ) + + +class NameCleanerConfig(Config): + """Implement ColumnTransformation for CompanyNameCleaner.""" + + transformation_type: Literal["name_cleaner_transform"] + + def as_transformer(self): + """Return configured CompanyNameCleaner.""" + cleaner = CompanyNameCleaner() + return FunctionTransformer(cleaner.apply_name_cleaning) + + +class ColumnTransform(Config): + """Union of all transform classes.""" + + transform: Union[ # noqa: UP007 + TfidfVectorizerConfig, + OneHotEncoderConfig, + MinMaxScalerConfig, + NormalizerConfig, + CleaningFuncConfig, + NameCleanerConfig, + ] = Field(discriminator="transformation_type") + + +def column_transform_from_key(key: str, **options) -> "ColumnTransform": + """Format column transform config for dagster.""" + return {"transform": {key: options}} + + +class TransformGrouping(Config): + """Define a set of transformations to apply to one or more columns.""" + + transforms: list[ColumnTransform] weight: float = 1.0 columns: list[str] - def as_pipeline(self) -> Pipeline: - """Return a Pipeline to transform columns based on configuration.""" - transform_steps = [] - for i, transform in enumerate(self.transformations): - if isinstance(transform, BaseEstimator): - transform_steps.append((f"custom_transform_{i}", transform)) - elif isinstance(transform, ModelComponent): - transform_steps.append( - (f"model_component_{i}", FunctionTransformer(transform)) + def as_pipeline(self): + """Return :class:`sklearn.pipeline.Pipeline` with configuration.""" + return Pipeline( + [ + ( + config.transform.transformation_type, + config.transform.as_transformer(), ) - elif func := _GENERIC_COLUMN_TRANSFORMS["function_transforms"].get( - transform - ): - transform_steps.append((transform, FunctionTransformer(func))) - elif config := _GENERIC_COLUMN_TRANSFORMS["configurable_transforms"].get( - transform - ): - options = config["default_options"] | self.options - transform_steps.append((transform, config["class"](**options))) - - return Pipeline(transform_steps) + for config in self.transforms + ] + ) -class DataFrameEmbedder(ModelComponent): +class EmbedDataFrameTrainConfig(Config): """This ModelComponent performs a series of column transformations on a DataFrame. Under the hood this uses :class:`sklearn.compose.ColumnTransformer`. As @@ -124,52 +157,49 @@ class DataFrameEmbedder(ModelComponent): """ #: Maps step name to list of transformations. - transformations: dict[str, ColumnTransformation] - - #: Applying column transformations may produce a sparse matrix. - #: If this flag is set, the matrix will automatically be made dense before returning. - make_dense: bool + transform_steps: dict[str, TransformGrouping] def _construct_transformer(self) -> ColumnTransformer: """Use configuration to construct :class:`sklearn.compose.ColumnTransformer`.""" return ColumnTransformer( transformers=[ (name, column_transform.as_pipeline(), column_transform.columns) - for name, column_transform in self.transformations.items() + for name, column_transform in self.transform_steps.items() ], transformer_weights={ name: column_transform.weight - for name, column_transform in self.transformations.items() + for name, column_transform in self.transform_steps.items() }, ) - def __call__(self, df: pd.DataFrame): - """Use :class:`sklearn.compose.ColumnTransformer` to transform input.""" - transformer = self._construct_transformer() - transformed = transformer.fit_transform(df) - if self.make_dense: - transformed = np.array(transformed.todense()) +@op +def train_dataframe_embedder(config: EmbedDataFrameTrainConfig, df: pd.DataFrame): + """Train :class:`sklearn.compose.ColumnTransformer` on input.""" + transformer = config._construct_transformer() + return transformer.fit(df) - return transformed +class EmbedDataFrameConfig(Config): + """Define embed step config.""" + + #: Applying column transformations may produce a sparse matrix. + #: If this flag is set, the matrix will automatically be made dense before returning. + make_dense: bool = False -class ReducedDimDataFrameEmbedder(DataFrameEmbedder): - """:class:`DataFrameEmbedder` subclass that reduces output dimensions using PCA.""" - #: Passed to :class:`sklearn.decomposition.PCA` param n_components - output_dims: int | float | None = 500 - make_dense: bool = True +@op +def embed_dataframe(config: EmbedDataFrameConfig, df: pd.DataFrame, transformer): + """Use :class:`sklearn.compose.ColumnTransformer` to transform input.""" + transformed = transformer.fit_transform(df) - def __call__(self, df: pd.DataFrame): - """Apply PCA to output of :class:`DataFrameEmbedder`.""" - transformed = super().__call__(df) - pca = PCA(copy=False, n_components=self.output_dims, batch_size=500) + if config.make_dense: + transformed = np.array(transformed.todense()) - return pca.fit_transform(transformed) + return transformed -class ReducedDimDataFrameEmbedderSparse(DataFrameEmbedder): +class IncrementalPCAConfig(Config): """:class:`DataFrameEmbedder` subclass, using IncrementalPCA to reduce dimensions. This class differs from :class:`ReducedDimDataFrameEmbedder` in that it applies @@ -179,204 +209,238 @@ class ReducedDimDataFrameEmbedderSparse(DataFrameEmbedder): matrix) and it can operate on a sparse input matrix. """ - #: Passed to :class:`sklearn.decomposition.PCA` param n_components + #: Passed to :class:`sklearn.decomposition.IncrementalPCA` param n_components output_dims: int | None = 500 - make_dense: bool = False batch_size: int = 500 - def __call__(self, df: pd.DataFrame): - """Apply PCA to output of :class:`DataFrameEmbedder`.""" - transformed = super().__call__(df) - pca = IncrementalPCA( - copy=False, n_components=self.output_dims, batch_size=self.batch_size - ) - - return pca.fit_transform(transformed) - -class ClusteringClassifier(ModelComponent): - """Apply agglomerative clustering algorithm to distance matrix to classif records.""" +@op +def train_incremental_pca(config: IncrementalPCAConfig, X): # noqa: N803 + """Apply PCA to output of :class:`DataFrameEmbedder`.""" + pca = IncrementalPCA( + copy=False, n_components=config.output_dims, batch_size=config.batch_size + ) - distance_threshold: float = 0.1 + return pca.fit(X) - def __call__(self, distance_matrix: np.ndarray) -> np.ndarray: - """Use agglomerative clustering algorithm to classify records.""" - neighbor_computer = NearestNeighbors( - radius=self.distance_threshold, metric="precomputed" - ) - neighbor_computer.fit(distance_matrix) - neighbor_graph = neighbor_computer.radius_neighbors_graph(mode="distance") - classifier = DBSCAN( - metric="precomputed", eps=self.distance_threshold, min_samples=2 - ) - return classifier.fit_predict(neighbor_graph) +@op +def apply_incremental_pca(X, pca): # noqa: N803 + """Apply PCA to output of :class:`DataFrameEmbedder`.""" + return pca.transform(X) -def _generate_cluster_ids(max_cluster_id: int) -> int: - """Get new unique cluster id.""" - while True: - max_cluster_id += 1 - yield max_cluster_id +class PenalizeReportYearDistanceConfig(Config): + """Compute distance between records and add penalty to records from same year.""" + distance_penalty: float = 10000.0 + metric: str = "euclidean" -class SplitOvermergedClusters(ModelComponent): - """DBSCAN has a tendency to merge similar clusters together that should be distinct.""" - distance_threshold: float = 1.5 +class DistanceMatrix: + """Class to wrap a distance matrix saved in a np.memmap.""" - def __call__( + def __init__( self, - distance_matrix: np.ndarray, + feature_matrix: np.ndarray, original_df: pd.DataFrame, - cluster_id_generator, - ) -> pd.Series: - """Apply AgglomerativeClustering to all clusters with more than one record from the same year.""" - classifier = AgglomerativeClustering( - metric="precomputed", - linkage="average", - distance_threshold=self.distance_threshold, - n_clusters=None, + config: PenalizeReportYearDistanceConfig, + ): + """Compute distance matrix from feature_matrix and write to memmap.""" + self.file_buffer = TemporaryDirectory() + + filename = Path(self.file_buffer.name) / "distance_matrix.dat" + self.distance_matrix = np.memmap( + filename, + dtype="float32", + mode="w+", + shape=(feature_matrix.shape[0], feature_matrix.shape[0]), ) - duplicated_ids = original_df.loc[ - original_df.duplicated(subset=["report_year", "plant_id_ferc1"]), - "plant_id_ferc1", - ] - - for duplicated_id in duplicated_ids.unique(): - # IDs of -1 will be handled seperately - if duplicated_id == -1: - continue - - cluster_inds = original_df[ - original_df.plant_id_ferc1 == duplicated_id - ].index.to_numpy() - cluster_size = len(cluster_inds) - - dist_inds = np.array(np.meshgrid(cluster_inds, cluster_inds)).T.reshape( - -1, 2 - ) - cluster_distances = distance_matrix[ - dist_inds[:, 0], dist_inds[:, 1] - ].reshape((cluster_size, cluster_size)) - - new_labels = classifier.fit_predict(cluster_distances) - for new_label in np.unique(new_labels): - df_inds = cluster_inds[new_labels == new_label] - original_df.loc[df_inds, "plant_id_ferc1"] = next(cluster_id_generator) - - return original_df.plant_id_ferc1 + # Compute distances in chunks and write to memmap + row_start = 0 + for chunk in pairwise_distances_chunked(feature_matrix, metric=config.metric): + self.distance_matrix[row_start : row_start + len(chunk), :] = chunk[:, :] + self.distance_matrix.flush() + row_start += len(chunk) -def _average_dist_between_clusters( - distance_matrix: np.ndarray, set_1: list[int], set_2: list[int] -) -> float: - dist_inds = np.array(np.meshgrid(set_1, set_2)).T.reshape(-1, 2) - dists = distance_matrix[dist_inds[:, 0], dist_inds[:, 1]] - return dists.mean() - - -class MatchOrpahnedRecords(ModelComponent): - """DBSCAN assigns 'noisy' records a label of '-1', which will be labeled by this step.""" + # Apply distance penalty to records from the same year + year_inds = original_df.groupby("report_year").indices + for inds in year_inds.values(): + matching_year_inds = np.array(np.meshgrid(inds, inds)).T.reshape(-1, 2) + self.distance_matrix[ + matching_year_inds[:, 0], matching_year_inds[:, 1] + ] = config.distance_penalty - distance_threshold: float = 0.5 + np.fill_diagonal(self.distance_matrix, 0) + self.distance_matrix.flush() - def __call__( - self, - distance_matrix: np.ndarray, - original_df: pd.DataFrame, - cluster_id_generator, - ) -> pd.Series: - """Compute average distance from orphaned records to existing clusters, and merge.""" - classifier = AgglomerativeClustering( - metric="precomputed", - linkage="average", - distance_threshold=self.distance_threshold, - n_clusters=None, + # Convert distance matrix to read only memory map + self.distance_matrix = np.memmap( + filename, + dtype="float32", + mode="r", + shape=(feature_matrix.shape[0], feature_matrix.shape[0]), ) - label_inds = original_df.groupby("plant_id_ferc1").indices - label_groups = [[ind] for ind in label_inds[-1]] - label_groups += [inds for key, inds in label_inds.items() if key != -1] - - # Prepare a reduced distance matrix - dist_matrix_size = len(label_groups) - reduced_dist_matrix = np.zeros((dist_matrix_size, dist_matrix_size)) - for i, x_cluster_inds in enumerate(label_groups): - for j, y_cluster_inds in enumerate(label_groups[:i]): - reduced_dist_matrix[i, j] = _average_dist_between_clusters( - distance_matrix, x_cluster_inds, y_cluster_inds - ) - reduced_dist_matrix[j, i] = reduced_dist_matrix[i, j] - - new_labels = classifier.fit_predict(reduced_dist_matrix) - for inds, label in zip(label_groups, new_labels): - original_df.loc[inds, "plant_id_ferc1"] = label - - return original_df["plant_id_ferc1"] - - -class DistanceCalculator(ModelComponent): - """Compute distance between records in feature matrix.""" - - distance_metric: str | Callable = "euclidean" - - def __call__(self, feature_matrix: np.ndarray) -> np.ndarray: - """Compute pairwise distance.""" - return pairwise_distances(feature_matrix, metric=self.distance_metric) - - -class PenalizeReportYearDistanceCalculator(DistanceCalculator): - """Compute distance between records and add penalty to records from same year.""" + def get_cluster_distance_matrix(self, cluster_inds: np.ndarray) -> np.ndarray: + """Return a small distance matrix with distances between points in a cluster.""" + cluster_size = len(cluster_inds) + dist_inds = np.array(np.meshgrid(cluster_inds, cluster_inds)).T.reshape(-1, 2) + return self.distance_matrix[dist_inds[:, 0], dist_inds[:, 1]].reshape( + (cluster_size, cluster_size) + ) - distance_penalty: float = 10000.0 + def average_dist_between_clusters( + self, set_1: list[int], set_2: list[int] + ) -> float: + """Compute average distance between two sets of clusters given indices into the distance matrix.""" + dist_inds = np.array(np.meshgrid(set_1, set_2)).T.reshape(-1, 2) + dists = self.distance_matrix[dist_inds[:, 0], dist_inds[:, 1]] + return dists.mean() + + +@op +def compute_distance_with_year_penalty( + config: PenalizeReportYearDistanceConfig, feature_matrix, original_df: pd.DataFrame +) -> DistanceMatrix: + """Create penalty matrix and add to distances.""" + return DistanceMatrix(feature_matrix, original_df, config) + + +class DBSCANConfig(Config): + """Configuration for DBSCAN step.""" + + #: See :class:`sklearn.cluster.DBSCAN` for details. + eps: float = 0.1 + min_samples: int = 2 + + +@op +def cluster_records_dbscan( + config: DBSCANConfig, distance_matrix: DistanceMatrix, original_df: pd.DataFrame +) -> pd.DataFrame: + """Use dbscan clustering algorithm to classify records.""" + neighbor_computer = NearestNeighbors(radius=config.eps, metric="precomputed") + neighbor_computer.fit(distance_matrix.distance_matrix) + neighbor_graph = neighbor_computer.radius_neighbors_graph(mode="distance") + + classifier = DBSCAN(metric="precomputed", eps=config.eps, min_samples=2) + id_year_df = original_df[["report_year", "plant_name_ferc1"]] + id_year_df.loc[:, "record_labels"] = classifier.fit_predict(neighbor_graph) + return id_year_df + + +class SplitClustersConfig(Config): + """Configuration for AgglomerativeClustering used to split overmerged clusters.""" + + #: See :class:`sklearn.cluster.AgglomerativeClustering` for details. + distance_threshold: float = 0.3 + + +@op +def split_clusters( + config: SplitClustersConfig, + distance_matrix: DistanceMatrix, + id_year_df: pd.DataFrame, +) -> pd.DataFrame: + """Apply AgglomerativeClustering to all clusters with more than one record from the same year.""" + + def _generate_cluster_ids(max_cluster_id: int) -> int: + """Get new unique cluster id.""" + while True: + max_cluster_id += 1 + yield max_cluster_id + + cluster_id_generator = _generate_cluster_ids(id_year_df.record_labels.max()) + classifier = AgglomerativeClustering( + metric="precomputed", + linkage="average", + distance_threshold=config.distance_threshold, + n_clusters=None, + ) + duplicated_ids = id_year_df.loc[ + id_year_df.duplicated(subset=["report_year", "record_labels"]), + "record_labels", + ] - def __call__( - self, feature_matrix: np.ndarray, original_df: pd.DataFrame - ) -> np.ndarray: - """Create penalty matrix and add to distances.""" - distance_matrix = super().__call__(feature_matrix) + for duplicated_id in duplicated_ids.unique(): + # IDs of -1 will be handled seperately + if duplicated_id == -1: + continue - # First create distance matrix of just report years (same year will be 0) - year_inds = original_df.groupby("report_year").indices - for inds in year_inds.values(): - matching_year_inds = np.array(np.meshgrid(inds, inds)).T.reshape(-1, 2) - distance_matrix[ - matching_year_inds[:, 0], matching_year_inds[:, 1] - ] = self.distance_penalty + cluster_inds = id_year_df[ + id_year_df.record_labels == duplicated_id + ].index.to_numpy() + cluster_distances = distance_matrix.get_cluster_distance_matrix(cluster_inds) - # Don't add penalty to diagonal (represents distance from record to itself) - np.fill_diagonal(distance_matrix, 0) + new_labels = classifier.fit_predict(cluster_distances) + for new_label in np.unique(new_labels): + df_inds = cluster_inds[new_labels == new_label] + id_year_df.loc[df_inds, "record_labels"] = next(cluster_id_generator) - return distance_matrix + return id_year_df -class CrossYearLinker(ModelComponent): - """Link records within the same dataset between years.""" +class MatchOrpahnedRecordsConfig(Config): + """DBSCAN assigns 'noisy' records a label of '-1', which will be labeled by this step.""" - embedding_step: DataFrameEmbedder - distance_calculator: DistanceCalculator = PenalizeReportYearDistanceCalculator() - classifier: ModelComponent = ClusteringClassifier( - distance_metric=PenalizeReportYearDistanceCalculator() + distance_threshold: float = 0.3 + + +@op +def match_orphaned_records( + config: MatchOrpahnedRecordsConfig, + distance_matrix: DistanceMatrix, + id_year_df: pd.DataFrame, +) -> pd.DataFrame: + """Compute average distance from orphaned records to existing clusters, and merge.""" + classifier = AgglomerativeClustering( + metric="precomputed", + linkage="average", + distance_threshold=config.distance_threshold, + n_clusters=None, ) - split_overmerged_clusters: SplitOvermergedClusters = SplitOvermergedClusters() - match_orphaned_records: MatchOrpahnedRecords = MatchOrpahnedRecords() - - def __call__(self, df: pd.DataFrame): # noqa: N803 - """Apply model and return column of estimated record labels.""" - df = df.copy().reset_index() - feature_matrix = self.embedding_step(df) - distance_matrix = self.distance_calculator(feature_matrix, df) - logger.info("Starting classification.") - - # Add column of report years to right of all features to use in distance calcs - df["plant_id_ferc1"] = self.classifier(distance_matrix) - id_generator = _generate_cluster_ids(df.plant_id_ferc1.max()) - df["plant_id_ferc1"] = self.split_overmerged_clusters( - distance_matrix, df, id_generator - ) - df["plant_id_ferc1"] = self.match_orphaned_records( - distance_matrix, df, id_generator - ) - return df["plant_id_ferc1"] + label_inds = id_year_df.groupby("record_labels").indices + label_groups = [[ind] for ind in label_inds[-1]] + label_groups += [inds for key, inds in label_inds.items() if key != -1] + + # Prepare a reduced distance matrix + dist_matrix_size = len(label_groups) + reduced_dist_matrix = np.zeros((dist_matrix_size, dist_matrix_size)) + for i, x_cluster_inds in enumerate(label_groups): + for j, y_cluster_inds in enumerate(label_groups[:i]): + reduced_dist_matrix[i, j] = distance_matrix.average_dist_between_clusters( + x_cluster_inds, y_cluster_inds + ) + reduced_dist_matrix[j, i] = reduced_dist_matrix[i, j] + + new_labels = classifier.fit_predict(reduced_dist_matrix) + for inds, label in zip(label_groups, new_labels): + id_year_df.loc[inds, "record_labels"] = label + + return id_year_df + + +@graph +def link_ids_cross_year(df: pd.DataFrame): + """Apply model and return column of estimated record labels.""" + logger.info("Train DataFrame embedder.") + transformer = train_dataframe_embedder(df) + logger.info("Embedding dataframe.") + feature_matrix = embed_dataframe(df, transformer) + logger.info("Training PCA step.") + # pca = train_incremental_pca(feature_matrix) + logger.info("Apply PCA to feature matrix.") + # feature_matrix = apply_incremental_pca(feature_matrix, pca) + logger.info("Computing distance matrix.") + distance_matrix = compute_distance_with_year_penalty(feature_matrix, df) + logger.info("Generate initial record pairing.") + id_year_df = cluster_records_dbscan(distance_matrix, df) + logger.info("Split overmerged clusters.") + id_year_df = split_clusters(distance_matrix, id_year_df) + logger.info("Assign orphaned records.") + id_year_df = match_orphaned_records(distance_matrix, id_year_df) + + return id_year_df diff --git a/src/pudl/analysis/record_linkage/name_cleaner.py b/src/pudl/analysis/record_linkage/name_cleaner.py index 91828acfbf..f2f316ea0b 100644 --- a/src/pudl/analysis/record_linkage/name_cleaner.py +++ b/src/pudl/analysis/record_linkage/name_cleaner.py @@ -8,8 +8,7 @@ from typing import Literal import pandas as pd - -from pudl.analysis.record_linkage.models import ModelComponent +from pydantic import BaseModel logger = logging.getLogger(__name__) @@ -56,7 +55,7 @@ class LegalTermLocation(enum.Enum): ANYWHERE = 2 -class CompanyNameCleaner(ModelComponent): +class CompanyNameCleaner(BaseModel): """Class to normalize/clean up text based company names.""" # Constants used internally by the class @@ -252,7 +251,7 @@ def get_clean_data(self, company_name: str) -> str: return clean_company_name - def __call__( + def apply_name_cleaning( self, df: pd.DataFrame, ) -> pd.Series: diff --git a/src/pudl/transform/ferc1.py b/src/pudl/transform/ferc1.py index 6a4d5f1607..fb4ca30b86 100644 --- a/src/pudl/transform/ferc1.py +++ b/src/pudl/transform/ferc1.py @@ -20,12 +20,22 @@ import numpy as np import pandas as pd import sqlalchemy as sa -from dagster import AssetIn, AssetsDefinition, asset +from dagster import ( + AssetIn, + AssetOut, + AssetsDefinition, + Out, + asset, + graph_multi_asset, + op, +) from pandas.core.groupby import DataFrameGroupBy from pydantic import BaseModel, Field, field_validator import pudl -from pudl.analysis.record_linkage import classify_plants_ferc1 +from pudl.analysis.record_linkage.classify_plants_ferc1 import ( + plants_steam_assign_plant_ids, +) from pudl.extract.ferc1 import TABLE_NAME_MAP_FERC1 from pudl.helpers import assert_cols_areclose, convert_cols_dtypes from pudl.metadata.fields import apply_pudl_dtypes @@ -3209,39 +3219,6 @@ class PlantsSteamFerc1TableTransformer(Ferc1AbstractTableTransformer): table_id: TableIdFerc1 = TableIdFerc1.PLANTS_STEAM_FERC1 - @cache_df(key="main") - def transform_main( - self, df: pd.DataFrame, transformed_fuel: pd.DataFrame - ) -> pd.DataFrame: - """Perform table transformations for the :ref:`plants_steam_ferc1` table. - - Note that this method has a non-standard call signature, since the - :ref:`plants_steam_ferc1` table depends on the :ref:`fuel_ferc1` table. - - Args: - df: The pre-processed steam plants table. - transformed_fuel: The fully transformed :ref:`fuel_ferc1` table. This is - required because fuel consumption information is used to help link - steam plant records together across years using - :func:`plants_steam_assign_plant_ids` - """ - fuel_categories = list( - FuelFerc1TableTransformer() - .params.categorize_strings["fuel_type_code_pudl"] - .categories.keys() - ) - plants_steam = ( - super() - .transform_main(df) - .pipe( - classify_plants_ferc1.plants_steam_assign_plant_ids, - ferc1_fuel_df=transformed_fuel, - fuel_categories=fuel_categories, - ) - .pipe(classify_plants_ferc1.plants_steam_validate_ids) - ) - return plants_steam - def transform( self, raw_dbf: pd.DataFrame, @@ -6129,7 +6106,62 @@ def create_ferc1_transform_assets() -> list[AssetsDefinition]: ferc1_assets = create_ferc1_transform_assets() -@asset(io_manager_key="pudl_sqlite_io_manager") +@op(out={"steam_transformer": Out()}) +def construct_plants_steam_transformer( + clean_xbrl_metadata_json: dict[str, dict[str, list[dict[str, Any]]]], +): + """Return initialized PlantsSteamFerc1TableTransformer.""" + return PlantsSteamFerc1TableTransformer( + xbrl_metadata_json=clean_xbrl_metadata_json["plants_steam_ferc1"] + ) + + +@op(out={"steam_matching_input": Out()}) +def prep_plants_steam_for_matching( + steam_transformer: PlantsSteamFerc1TableTransformer, + raw_ferc1_dbf__f1_steam: pd.DataFrame, + raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration: pd.DataFrame, + raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant: pd.DataFrame, +) -> pd.DataFrame: + """Prepare inputs for FERC plant matching.""" + df = steam_transformer.transform_start( + raw_dbf=raw_ferc1_dbf__f1_steam, + raw_xbrl_instant=raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant, + raw_xbrl_duration=raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration, + ).pipe(steam_transformer.transform_main) + + return df.reset_index() + + +@op(out={"plants_steam_ferc1": Out()}) +def finish_plants_steam_transformation( + steam_transformer: PlantsSteamFerc1TableTransformer, + plants_steam_matched: pd.DataFrame, +): + """Apply transform_end to plants_steam_ferc1 table after performing plant matching.""" + df = steam_transformer.transform_end(plants_steam_matched) + if steam_transformer.clear_cached_dfs: + logger.debug( + f"{steam_transformer.table_id.value}: Clearing cached dfs: " + f"{sorted(steam_transformer._cached_dfs.keys())}" + ) + steam_transformer._cached_dfs.clear() + return convert_cols_dtypes(df, data_source="ferc1") + + +@op(out={"fuel_types": Out()}) +def get_fuel_types() -> list[str]: + """Return fuel types from FuelFerc1TableTransformer class.""" + return list( + FuelFerc1TableTransformer() + .params.categorize_strings["fuel_type_code_pudl"] + .categories.keys() + ) + + +@graph_multi_asset( + outs={"plants_steam_ferc1": AssetOut(io_manager_key="pudl_sqlite_io_manager")} +) def plants_steam_ferc1( clean_xbrl_metadata_json: dict[str, dict[str, list[dict[str, Any]]]], raw_ferc1_dbf__f1_steam: pd.DataFrame, @@ -6149,15 +6181,20 @@ def plants_steam_ferc1( Returns: Clean plants_steam_ferc1 table. """ - df = PlantsSteamFerc1TableTransformer( - xbrl_metadata_json=clean_xbrl_metadata_json["plants_steam_ferc1"] - ).transform( - raw_dbf=raw_ferc1_dbf__f1_steam, - raw_xbrl_instant=raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant, - raw_xbrl_duration=raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration, - transformed_fuel=fuel_ferc1, + steam_transformer = construct_plants_steam_transformer(clean_xbrl_metadata_json) + steam_matching_input = prep_plants_steam_for_matching( + steam_transformer, + raw_ferc1_dbf__f1_steam, + raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration, + raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant, ) - return convert_cols_dtypes(df, data_source="ferc1") + plants_steam_matched = plants_steam_assign_plant_ids( + steam_matching_input, + fuel_ferc1, + get_fuel_types(), + ) + + return finish_plants_steam_transformation(steam_transformer, plants_steam_matched) def other_dimensions(table_names: list[str]) -> list[str]: From 772c582390a29c616df5970e36dade2fd36b8c2e Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 7 Dec 2023 10:05:52 -0500 Subject: [PATCH 35/60] Update record linkage integration test. --- .../record_linkage/classify_plants_ferc1.py | 160 +++++++++--------- src/pudl/analysis/record_linkage/models.py | 18 +- test/integration/record_linkage.py | 14 +- 3 files changed, 96 insertions(+), 96 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 69d31e556b..d11a5bcdf2 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -31,6 +31,85 @@ "waste_fraction_mmbtu", ] +_MODEL_CONFIG = { + "link_ids_cross_year": { + "ops": { + "train_dataframe_embedder": { + "config": { + "transform_steps": { + "plant_name": { + "transforms": [ + column_transform_from_key("name_cleaner_transform"), + column_transform_from_key("string_transform"), + ], + "weight": 2.0, + "columns": ["plant_name_ferc1"], + }, + "plant_type": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_empty_str", + ), + column_transform_from_key("categorical_transform"), + ], + "weight": 2.0, + "columns": ["plant_type"], + }, + "construction_type": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_empty_str", + ), + column_transform_from_key("categorical_transform"), + ], + "columns": ["construction_type"], + }, + "capacity_mw": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_zero", + ), + column_transform_from_key("numerical_transform"), + ], + "columns": ["capacity_mw"], + }, + "construction_year": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="fix_int_na", + ), + column_transform_from_key("categorical_transform"), + ], + "columns": ["construction_year"], + }, + "utility_id_ferc1": { + "transforms": [ + column_transform_from_key("categorical_transform") + ], + "columns": ["utility_id_ferc1"], + }, + "fuel_fractions": { + "transforms": [ + column_transform_from_key( + "cleaning_function_transform", + transform_function="null_to_zero", + ), + column_transform_from_key("numerical_transform"), + column_transform_from_key("normalize_transform"), + ], + "columns": _FUEL_COLS, + }, + } + } + }, + } + } +} + @op def plants_steam_validate_ids( @@ -92,86 +171,7 @@ def merge_steam_fuel_dfs( ) -@graph( - config={ - "link_ids_cross_year": { - "ops": { - "train_dataframe_embedder": { - "config": { - "transform_steps": { - "plant_name": { - "transforms": [ - column_transform_from_key("name_cleaner_transform"), - column_transform_from_key("string_transform"), - ], - "weight": 2.0, - "columns": ["plant_name_ferc1"], - }, - "plant_type": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_empty_str", - ), - column_transform_from_key("categorical_transform"), - ], - "weight": 2.0, - "columns": ["plant_type"], - }, - "construction_type": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_empty_str", - ), - column_transform_from_key("categorical_transform"), - ], - "columns": ["construction_type"], - }, - "capacity_mw": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_zero", - ), - column_transform_from_key("numerical_transform"), - ], - "columns": ["capacity_mw"], - }, - "construction_year": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="fix_int_na", - ), - column_transform_from_key("categorical_transform"), - ], - "columns": ["construction_year"], - }, - "utility_id_ferc1": { - "transforms": [ - column_transform_from_key("categorical_transform") - ], - "columns": ["utility_id_ferc1"], - }, - "fuel_fractions": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_zero", - ), - column_transform_from_key("numerical_transform"), - column_transform_from_key("normalize_transform"), - ], - "columns": _FUEL_COLS, - }, - } - } - }, - } - } - }, -) +@graph(config=_MODEL_CONFIG) def plants_steam_assign_plant_ids( ferc1_steam_df: pd.DataFrame, ferc1_fuel_df: pd.DataFrame, diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py index 7aea430323..67dd3f283e 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/models.py @@ -326,8 +326,8 @@ def cluster_records_dbscan( neighbor_graph = neighbor_computer.radius_neighbors_graph(mode="distance") classifier = DBSCAN(metric="precomputed", eps=config.eps, min_samples=2) - id_year_df = original_df[["report_year", "plant_name_ferc1"]] - id_year_df.loc[:, "record_labels"] = classifier.fit_predict(neighbor_graph) + id_year_df = original_df.loc[:, ["report_year", "plant_name_ferc1"]] + id_year_df["record_label"] = classifier.fit_predict(neighbor_graph) return id_year_df @@ -352,7 +352,7 @@ def _generate_cluster_ids(max_cluster_id: int) -> int: max_cluster_id += 1 yield max_cluster_id - cluster_id_generator = _generate_cluster_ids(id_year_df.record_labels.max()) + cluster_id_generator = _generate_cluster_ids(id_year_df.record_label.max()) classifier = AgglomerativeClustering( metric="precomputed", linkage="average", @@ -360,8 +360,8 @@ def _generate_cluster_ids(max_cluster_id: int) -> int: n_clusters=None, ) duplicated_ids = id_year_df.loc[ - id_year_df.duplicated(subset=["report_year", "record_labels"]), - "record_labels", + id_year_df.duplicated(subset=["report_year", "record_label"]), + "record_label", ] for duplicated_id in duplicated_ids.unique(): @@ -370,14 +370,14 @@ def _generate_cluster_ids(max_cluster_id: int) -> int: continue cluster_inds = id_year_df[ - id_year_df.record_labels == duplicated_id + id_year_df.record_label == duplicated_id ].index.to_numpy() cluster_distances = distance_matrix.get_cluster_distance_matrix(cluster_inds) new_labels = classifier.fit_predict(cluster_distances) for new_label in np.unique(new_labels): df_inds = cluster_inds[new_labels == new_label] - id_year_df.loc[df_inds, "record_labels"] = next(cluster_id_generator) + id_year_df.loc[df_inds, "record_label"] = next(cluster_id_generator) return id_year_df @@ -402,7 +402,7 @@ def match_orphaned_records( n_clusters=None, ) - label_inds = id_year_df.groupby("record_labels").indices + label_inds = id_year_df.groupby("record_label").indices label_groups = [[ind] for ind in label_inds[-1]] label_groups += [inds for key, inds in label_inds.items() if key != -1] @@ -418,7 +418,7 @@ def match_orphaned_records( new_labels = classifier.fit_predict(reduced_dist_matrix) for inds, label in zip(label_groups, new_labels): - id_year_df.loc[inds, "record_labels"] = label + id_year_df.loc[inds, "record_label"] = label return id_year_df diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index 4fce2d9340..6cc498e15c 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -8,10 +8,8 @@ import pandas as pd import pytest -from pudl.analysis.record_linkage.classify_plants_ferc1 import ( - _FUEL_COLS, - Ferc1PlantClassifier, -) +from pudl.analysis.record_linkage.classify_plants_ferc1 import _FUEL_COLS, _MODEL_CONFIG +from pudl.analysis.record_linkage.models import link_ids_cross_year from pudl.transform.params.ferc1 import ( CONSTRUCTION_TYPE_CATEGORIES, PLANT_TYPE_CATEGORIES, @@ -183,13 +181,15 @@ def mock_ferc1_plants_df(): _generate_random_test_df("hawthorn 6", capacity_mean=150), _generate_random_test_df("venice c.t.", capacity_mean=500), ] - ) + ).reset_index() def test_classify_plants_ferc1(mock_ferc1_plants_df): """Test the FERC inter-year plant linking model.""" - linker = Ferc1PlantClassifier() - mock_ferc1_plants_df["plant_id_ferc1"] = linker(mock_ferc1_plants_df) + linker_job = link_ids_cross_year.to_job(config=_MODEL_CONFIG["link_ids_cross_year"]) + mock_ferc1_plants_df["plant_id_ferc1"] = linker_job.execute_in_process( + input_values={"df": mock_ferc1_plants_df} + ) # Compute percent of records assigned correctly correctly_matched = ( From dbe48d27dbaff28d779db5965bca623f8745f137 Mon Sep 17 00:00:00 2001 From: zschira Date: Thu, 7 Dec 2023 10:47:16 -0500 Subject: [PATCH 36/60] Fix column name in validate steam ids --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index d11a5bcdf2..435bb4f878 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -124,7 +124,7 @@ def plants_steam_validate_ids( The input dataframe, to enable method chaining. """ # Add column of labels to steam df - ferc1_steam_df.loc[:, "plant_id_ferc1"] = label_df["record_labels"] + ferc1_steam_df.loc[:, "plant_id_ferc1"] = label_df["record_label"] ########################################################################## # FERC PLANT ID ERROR CHECKING STUFF From dfa163c547581e28c5c219a3a48ccd40b5a0233f Mon Sep 17 00:00:00 2001 From: zaneselvans Date: Fri, 8 Dec 2023 05:50:24 +0000 Subject: [PATCH 37/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 45 +- environments/conda-lock.yml | 712 ++++++++++++-------------- environments/conda-osx-64.lock.yml | 49 +- environments/conda-osx-arm64.lock.yml | 49 +- 4 files changed, 405 insertions(+), 450 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index 0b3fccd4be..b3a384bb41 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -62,7 +62,7 @@ dependencies: - lzo=2.10=h516909a_1000 - ncurses=6.4=h59595ed_2 - nspr=4.35=h27087fc_0 - - openssl=3.2.0=hd590300_1 + - openssl=3.1.4=hd590300_0 - pixman=0.42.2=h59595ed_0 - pthread-stubs=0.4=h36c2ea0_1001 - rdma-core=49.0=hd3aeb46_1 @@ -117,7 +117,7 @@ dependencies: - freetype=2.12.1=h267a509_2 - krb5=1.21.2=h659d440_0 - libarchive=3.7.2=h039dbb9_0 - - libglib=2.78.2=h783c2da_0 + - libglib=2.78.3=h783c2da_0 - libllvm15=15.0.7=h5cf9203_3 - libopenblas=0.3.25=pthreads_h413a1c8_0 - libthrift=0.19.0=hb90f79a_1 @@ -168,7 +168,7 @@ dependencies: - defusedxml=0.7.1=pyhd8ed1ab_0 - distlib=0.3.7=pyhd8ed1ab_0 - docstring_parser=0.15=pyhd8ed1ab_0 - - docutils=0.20.1=py311h38be061_2 + - docutils=0.20.1=py311h38be061_3 - entrypoints=0.4=pyhd8ed1ab_0 - et_xmlfile=1.1.0=pyhd8ed1ab_0 - exceptiongroup=1.2.0=pyhd8ed1ab_0 @@ -204,11 +204,11 @@ dependencies: - libblas=3.9.0=20_linux64_openblas - libcurl=8.4.0=hca28451_0 - libgrpc=1.59.2=hd6c4280_0 - - libpq=16.1=hfc447b1_2 + - libpq=16.1=hfc447b1_0 - libwebp=1.3.2=h658648e_1 - llvmlite=0.41.1=py311ha6695c7_0 - locket=1.0.0=pyhd8ed1ab_0 - - lxml=4.9.3=py311h1a07684_1 + - lxml=4.9.3=py311h1a07684_2 - marko=2.0.2=pyhd8ed1ab_0 - markupsafe=2.1.3=py311h459d7ec_1 - mdurl=0.1.0=pyhd8ed1ab_0 @@ -218,7 +218,6 @@ dependencies: - msgpack-python=1.0.7=py311h9547e67_0 - multidict=6.0.4=py311h459d7ec_1 - multimethod=1.9.1=pyhd8ed1ab_0 - - munch=4.0.0=pyhd8ed1ab_0 - munkres=1.1.4=pyh9f0ad1d_0 - mypy_extensions=1.0.0=pyha770c72_0 - nest-asyncio=1.5.8=pyhd8ed1ab_0 @@ -322,7 +321,7 @@ dependencies: - cached-property=1.5.2=hd8ed1ab_1 - cairo=1.18.0=h3faef2a_0 - cffi=1.16.0=py311hb3a22ac_0 - - cfitsio=4.3.1=hbdc6101_0 + - cfitsio=4.3.0=hbdc6101_0 - click-default-group=1.2.4=pyhd8ed1ab_0 - click-default-group-wheel=1.2.2=pyhd8ed1ab_0 - click-plugins=1.1.1=py_0 @@ -368,7 +367,7 @@ dependencies: - pillow=10.1.0=py311ha6c5da5_0 - pint=0.22=pyhd8ed1ab_1 - pip=23.3.1=pyhd8ed1ab_0 - - postgresql=16.1=h8972f4a_2 + - postgresql=16.1=h8972f4a_0 - proj=9.3.0=h1d62c97_2 - prompt-toolkit=3.0.41=pyha770c72_0 - protobuf=4.24.4=py311h46cbc50_0 @@ -380,7 +379,7 @@ dependencies: - python-slugify=8.0.1=pyhd8ed1ab_2 - pyu2f=0.1.5=pyhd8ed1ab_0 - qtpy=2.4.1=pyhd8ed1ab_0 - - referencing=0.31.1=pyhd8ed1ab_0 + - referencing=0.32.0=pyhd8ed1ab_0 - restructuredtext_lint=1.4.0=pyhd8ed1ab_0 - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rsa=4.9=pyhd8ed1ab_0 @@ -403,7 +402,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-c-s3=0.4.1=hfadff92_0 - - botocore=1.33.7=pyhd8ed1ab_0 + - botocore=1.33.9=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.7=py311hcb13ee4_1 @@ -411,7 +410,7 @@ dependencies: - geotiff=1.7.1=hf074850_14 - gitpython=3.1.40=pyhd8ed1ab_0 - google-crc32c=1.1.2=py311h9b08b9c_5 - - googleapis-common-protos=1.61.0=pyhd8ed1ab_0 + - googleapis-common-protos=1.62.0=pyhd8ed1ab_0 - gql=3.4.1=pyhd8ed1ab_0 - graphql-relay=3.2.0=pyhd8ed1ab_0 - grpcio-health-checking=1.59.2=pyhd8ed1ab_0 @@ -427,7 +426,7 @@ dependencies: - numpy=1.26.2=py311h64a7726_0 - pbr=6.0.0=pyhd8ed1ab_0 - pendulum=2.1.2=py311h459d7ec_6 - - poppler=23.12.0=h590f24d_0 + - poppler=23.11.0=h590f24d_0 - prompt_toolkit=3.0.41=hd8ed1ab_0 - psycopg2-binary=2.9.9=pyhd8ed1ab_0 - pybtex=0.24.0=pyhd8ed1ab_2 @@ -464,12 +463,12 @@ dependencies: - grpcio-status=1.59.2=pyhd8ed1ab_0 - h3-py=3.7.6=py311hb755f60_1 - httpx=0.25.2=pyhd8ed1ab_0 - - identify=2.5.32=pyhd8ed1ab_0 - - ipython=8.18.1=pyh31011fe_2 + - identify=2.5.33=pyhd8ed1ab_0 + - ipython=8.18.1=pyh707e725_3 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 - - libgdal=3.8.1=hcae7082_1 + - libgdal=3.8.0=he7dcfe9_6 - numba=0.58.1=py311h96b013e_0 - numexpr=2.8.7=py311h039bad6_104 - oauthlib=3.2.2=pyhd8ed1ab_0 @@ -490,16 +489,16 @@ dependencies: - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=h38be061_0 - aws-sdk-cpp=1.11.182=h8beafcf_7 - - boto3=1.33.7=pyhd8ed1ab_0 + - boto3=1.33.9=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.10=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 - frictionless=4.40.8=pyh6c4a22f_0 - - gdal=3.8.1=py311h815a124_1 + - gdal=3.8.0=py311h815a124_6 - geopandas-base=0.14.1=pyha770c72_0 - - google-auth=2.24.0=pyhca7485f_0 + - google-auth=2.25.1=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - gtk2=2.24.33=h90689f9_2 - ipykernel=6.26.0=pyhf8b6a83_0 @@ -513,14 +512,14 @@ dependencies: - pre-commit=3.5.0=pyha770c72_0 - pydantic-settings=2.1.0=pyhd8ed1ab_1 - requests-oauthlib=1.3.1=pyhd8ed1ab_0 - - scikit-learn=1.3.2=py311hc009520_1 + - scikit-learn=1.3.2=py311hc009520_2 - timezonefinder=6.2.0=py311h459d7ec_2 - catalystcoop.ferc_xbrl_extractor=1.3.1=pyhd8ed1ab_0 - conda-lock=2.5.1=pyhd8ed1ab_0 - dagster-graphql=1.5.10=pyhd8ed1ab_0 - dagster-postgres=0.21.10=pyhd8ed1ab_0 - - fiona=1.9.5=py311hf8e0aa6_1 - - google-api-core=2.14.0=pyhd8ed1ab_0 + - fiona=1.9.5=py311hf8e0aa6_2 + - google-api-core=2.15.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 - graphviz=9.0.0=h78e8752_1 - jupyter_console=6.6.3=pyhd8ed1ab_0 @@ -533,7 +532,7 @@ dependencies: - tabulator=1.53.5=pyhd8ed1ab_0 - dagster-webserver=1.5.10=pyhd8ed1ab_0 - geopandas=0.14.1=pyhd8ed1ab_0 - - google-cloud-core=2.3.3=pyhd8ed1ab_0 + - google-cloud-core=2.4.1=pyhd8ed1ab_0 - libarrow-acero=14.0.1=h59595ed_3_cpu - libarrow-flight=14.0.1=h120cb0d_3_cpu - libarrow-gandiva=14.0.1=hacb8726_3_cpu @@ -543,7 +542,7 @@ dependencies: - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - jupyter_server=2.11.2=pyhd8ed1ab_0 + - jupyter_server=2.12.1=pyhd8ed1ab_0 - libarrow-dataset=14.0.1=h59595ed_3_cpu - libarrow-flight-sql=14.0.1=h61ff412_3_cpu - nbconvert-pandoc=7.12.0=pyhd8ed1ab_0 diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index 10cf3b6c02..485dd1c1da 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -1914,52 +1914,52 @@ package: category: main optional: false - name: boto3 - version: 1.33.7 + version: 1.33.9 manager: conda platform: linux-64 dependencies: - botocore: ">=1.33.7,<1.34.0" + botocore: ">=1.33.9,<1.34.0" jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" s3transfer: ">=0.8.2,<0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.9-pyhd8ed1ab_0.conda hash: - md5: be6f34d34e000afe25b585cde53f5c3a - sha256: cd9e195dd981604033c64b9068e486feb71b087aaadb61047a14a704d03946a9 + md5: 0bc87faa4f6ff6321c4cef9b57e82041 + sha256: 685c90c40889cabc9bd03e67bd066546d019ba13667814d6b78352afe5dd751f category: main optional: false - name: boto3 - version: 1.33.7 + version: 1.33.9 manager: conda platform: osx-64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" s3transfer: ">=0.8.2,<0.9.0" - botocore: ">=1.33.7,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.7-pyhd8ed1ab_0.conda + botocore: ">=1.33.9,<1.34.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.9-pyhd8ed1ab_0.conda hash: - md5: be6f34d34e000afe25b585cde53f5c3a - sha256: cd9e195dd981604033c64b9068e486feb71b087aaadb61047a14a704d03946a9 + md5: 0bc87faa4f6ff6321c4cef9b57e82041 + sha256: 685c90c40889cabc9bd03e67bd066546d019ba13667814d6b78352afe5dd751f category: main optional: false - name: boto3 - version: 1.33.7 + version: 1.33.9 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" s3transfer: ">=0.8.2,<0.9.0" - botocore: ">=1.33.7,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.7-pyhd8ed1ab_0.conda + botocore: ">=1.33.9,<1.34.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.9-pyhd8ed1ab_0.conda hash: - md5: be6f34d34e000afe25b585cde53f5c3a - sha256: cd9e195dd981604033c64b9068e486feb71b087aaadb61047a14a704d03946a9 + md5: 0bc87faa4f6ff6321c4cef9b57e82041 + sha256: 685c90c40889cabc9bd03e67bd066546d019ba13667814d6b78352afe5dd751f category: main optional: false - name: botocore - version: 1.33.7 + version: 1.33.9 manager: conda platform: linux-64 dependencies: @@ -1967,14 +1967,14 @@ package: python: ">=3.7" python-dateutil: ">=2.1,<3.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.9-pyhd8ed1ab_0.conda hash: - md5: a37114efb8799b3c885bb845ffe40b85 - sha256: 6fc3a3d9212db34e20a7496f8737b4c3e506caf37c1b0afa0a3dabb3c450109f + md5: 66b5f9da695d491e2df00c0045f073a3 + sha256: 7658e63b78ae37bb7e2047232a7f6d0d851e3a57231beeb32ea21a2da002e26b category: main optional: false - name: botocore - version: 1.33.7 + version: 1.33.9 manager: conda platform: osx-64 dependencies: @@ -1982,14 +1982,14 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.9-pyhd8ed1ab_0.conda hash: - md5: a37114efb8799b3c885bb845ffe40b85 - sha256: 6fc3a3d9212db34e20a7496f8737b4c3e506caf37c1b0afa0a3dabb3c450109f + md5: 66b5f9da695d491e2df00c0045f073a3 + sha256: 7658e63b78ae37bb7e2047232a7f6d0d851e3a57231beeb32ea21a2da002e26b category: main optional: false - name: botocore - version: 1.33.7 + version: 1.33.9 manager: conda platform: osx-arm64 dependencies: @@ -1997,10 +1997,10 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.9-pyhd8ed1ab_0.conda hash: - md5: a37114efb8799b3c885bb845ffe40b85 - sha256: 6fc3a3d9212db34e20a7496f8737b4c3e506caf37c1b0afa0a3dabb3c450109f + md5: 66b5f9da695d491e2df00c0045f073a3 + sha256: 7658e63b78ae37bb7e2047232a7f6d0d851e3a57231beeb32ea21a2da002e26b category: main optional: false - name: bottleneck @@ -2873,52 +2873,52 @@ package: category: main optional: false - name: cfitsio - version: 4.3.1 + version: 4.3.0 manager: conda platform: linux-64 dependencies: bzip2: ">=1.0.8,<2.0a0" - libcurl: ">=8.4.0,<9.0a0" + libcurl: ">=8.2.0,<9.0a0" libgcc-ng: ">=12" libgfortran-ng: "" libgfortran5: ">=12.3.0" libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/cfitsio-4.3.1-hbdc6101_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/cfitsio-4.3.0-hbdc6101_0.conda hash: - md5: dcea02841b33a9c49f74ca9328de919a - sha256: b91003bff71351a0132c84d69fbb5afcfa90e57d83f76a180c6a5a0289099fb1 + md5: 797554b8b7603011e8677884381fbcc5 + sha256: c74938f1ade9b8f37b9fa8cc98a5b9262b325506f41d7492ad1d00146e0f1d08 category: main optional: false - name: cfitsio - version: 4.3.1 + version: 4.3.0 manager: conda platform: osx-64 dependencies: bzip2: ">=1.0.8,<2.0a0" - libcurl: ">=8.4.0,<9.0a0" + libcurl: ">=8.2.0,<9.0a0" libgfortran: 5.* - libgfortran5: ">=13.2.0" + libgfortran5: ">=12.2.0" libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/cfitsio-4.3.1-h60fb419_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/cfitsio-4.3.0-h66f91ea_0.conda hash: - md5: 03ab895afe3804b527c12193a9612cac - sha256: 5bd157478529ff4d05b8e8654de0580609177252eb11ecf5201b831effeeb2ec + md5: f540472ad8a8ea2b39a4c6ca14ebc1b5 + sha256: 0246d80ce305609c7e810514d1aa578ef498a1f05fd2dba5fa46ea845e4e57b9 category: main optional: false - name: cfitsio - version: 4.3.1 + version: 4.3.0 manager: conda platform: osx-arm64 dependencies: bzip2: ">=1.0.8,<2.0a0" - libcurl: ">=8.4.0,<9.0a0" + libcurl: ">=8.2.0,<9.0a0" libgfortran: 5.* - libgfortran5: ">=13.2.0" + libgfortran5: ">=12.3.0" libzlib: ">=1.2.13,<1.3.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/cfitsio-4.3.1-h808cd33_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/cfitsio-4.3.0-hca87796_0.conda hash: - md5: 22b61b2ad129db82da2eee76710f7551 - sha256: 9395bd24ef552ac6063e2d6a6fc57e5c7067a74b8d8ee3f06d8389baffacf016 + md5: a5a1019a6405052124e97999a5204a74 + sha256: 5d03f8d484d29f8d3bdd64afe22ed29d75c639834b40382f8a520f96a7af27c4 category: main optional: false - name: chardet @@ -4647,10 +4647,10 @@ package: dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/docutils-0.20.1-py311h38be061_2.conda + url: https://conda.anaconda.org/conda-forge/linux-64/docutils-0.20.1-py311h38be061_3.conda hash: - md5: 33f8066e53679dd4be2355fec849bf01 - sha256: 4e90bbc89f9ab192cb247d8b8ebe54c33e57652f8a057f9f176d9d9dd32993b9 + md5: 1c33f55e5cdcc2a2b973c432b5225bfe + sha256: 0011a2193a5995a6706936156ea5d1021153ec11eb8869b6abfe15a8f6f22ea8 category: main optional: false - name: docutils @@ -4660,10 +4660,10 @@ package: dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/docutils-0.20.1-py311h6eed73b_2.conda + url: https://conda.anaconda.org/conda-forge/osx-64/docutils-0.20.1-py311h6eed73b_3.conda hash: - md5: d56b49f1a2c908d05d1ca6b3f85d0fd5 - sha256: 869e919066b308794e399bc551fc508c175da5f9324b7a324eb259cef8adabf2 + md5: 2919376c4957faadc7b96f8894759bfb + sha256: 0fae62e203900a8a013ba2ede852645b87b1568980ddd8e11390c11dc24c3e3c category: main optional: false - name: docutils @@ -4673,10 +4673,10 @@ package: dependencies: python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/docutils-0.20.1-py311h267d04e_2.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/docutils-0.20.1-py311h267d04e_3.conda hash: - md5: e82ee6e9db96d5f7ddf289399744240d - sha256: 3bc810b946ef8f87681ea4bee2610e8c418f9f61772f5d1ff3ffa803ae7cfbb6 + md5: 29944e93a6f38b2e0fd4f6b743558959 + sha256: 21af625c067faa77cd3aa2bfd8ca2449cdacdb1b531da8b4cbb476f4a928fdd9 category: main optional: false - name: email-validator @@ -5027,26 +5027,24 @@ package: manager: conda platform: linux-64 dependencies: - attrs: ">=17" - click: ">=4.0" + attrs: ">=19.2.0" + click: ">=8.0,<9.dev0" click-plugins: ">=1.0" cligj: ">=0.5" gdal: "" - importlib-metadata: "" libgcc-ng: ">=12" libgdal: ">=3.8.0,<3.9.0a0" libstdcxx-ng: ">=12" - munch: "" numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* setuptools: "" shapely: "" - six: ">=1.7" - url: https://conda.anaconda.org/conda-forge/linux-64/fiona-1.9.5-py311hf8e0aa6_1.conda + six: "" + url: https://conda.anaconda.org/conda-forge/linux-64/fiona-1.9.5-py311hf8e0aa6_2.conda hash: - md5: 961758d24e419de785e99b038033f9ae - sha256: 5579deb516af98c167e11b0f9250ce53e1780eade803b03ad9507fb41b295a5c + md5: 01464abc0630e2285a799a2fa8370a8e + sha256: b01852ee1d8b23276bc69829c3013cbc1fe2004917cf5c5855fe2a22674112d7 category: main optional: false - name: fiona @@ -5055,25 +5053,23 @@ package: platform: osx-64 dependencies: __osx: ">=10.9" - attrs: ">=17" - click: ">=4.0" + attrs: ">=19.2.0" + click: ">=8.0,<9.dev0" click-plugins: ">=1.0" cligj: ">=0.5" gdal: "" - importlib-metadata: "" libcxx: ">=16.0.6" libgdal: ">=3.8.0,<3.9.0a0" - munch: "" numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* setuptools: "" shapely: "" - six: ">=1.7" - url: https://conda.anaconda.org/conda-forge/osx-64/fiona-1.9.5-py311h809632c_1.conda + six: "" + url: https://conda.anaconda.org/conda-forge/osx-64/fiona-1.9.5-py311h809632c_2.conda hash: - md5: fa38d43ecb08f4db5107fc6390949414 - sha256: 80cfa5135122c959a7ec656c7c1c1fcc60398669029d86fac1cb9a3d3c5cacc1 + md5: cbe710fd5d800f110896f829c3e73a73 + sha256: a6d7c1d5770ad0ebfb8e4642be9837f923853bc18be1dbf94c92ca36bd814e68 category: main optional: false - name: fiona @@ -5082,25 +5078,23 @@ package: platform: osx-arm64 dependencies: __osx: ">=10.9" - attrs: ">=17" - click: ">=4.0" + attrs: ">=19.2.0" + click: ">=8.0,<9.dev0" click-plugins: ">=1.0" cligj: ">=0.5" gdal: "" - importlib-metadata: "" libcxx: ">=16.0.6" libgdal: ">=3.8.0,<3.9.0a0" - munch: "" numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* setuptools: "" shapely: "" - six: ">=1.7" - url: https://conda.anaconda.org/conda-forge/osx-arm64/fiona-1.9.5-py311h4760b73_1.conda + six: "" + url: https://conda.anaconda.org/conda-forge/osx-arm64/fiona-1.9.5-py311h4760b73_2.conda hash: - md5: 0232bf494596b3d10e1cf21fbcbc8615 - sha256: 9d0ad417f817677f113608aacdbac93fad06bf2a149233d299a6ada5c56c6600 + md5: 39ce132c143b433122e08c00f59c5a04 + sha256: 3c2fe9936438ca53e0720c00c384f34263b22c63f5d890bc7b4a8b0f01657b84 category: main optional: false - name: folium @@ -5879,63 +5873,63 @@ package: category: main optional: false - name: gdal - version: 3.8.1 + version: 3.8.0 manager: conda platform: linux-64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libgcc-ng: ">=12" - libgdal: 3.8.1 + libgdal: 3.8.0 libstdcxx-ng: ">=12" libxml2: ">=2.11.6,<2.12.0a0" numpy: ">=1.23.5,<2.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/gdal-3.8.1-py311h815a124_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/gdal-3.8.0-py311h815a124_6.conda hash: - md5: 6e9577466e5f1d18bd659746a5d948b7 - sha256: 6f1de976174089589b1ff7a6dd0d627f107f051a15cb046cb4703c0fc18480e3 + md5: a20379b7539caea4fd3ba6628d862138 + sha256: 7aab0e96f76d15a35b78704d13523f234a47cd8c653d8085c1219a8d7d45ef22 category: main optional: false - name: gdal - version: 3.8.1 + version: 3.8.0 manager: conda platform: osx-64 dependencies: __osx: ">=10.9" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libcxx: ">=16.0.6" - libgdal: 3.8.1 + libgdal: 3.8.0 libxml2: ">=2.11.6,<2.12.0a0" numpy: ">=1.23.5,<2.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/gdal-3.8.1-py311h5646c56_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/gdal-3.8.0-py311h5646c56_6.conda hash: - md5: 040c7cfdae3033444b9f193f9ac7dda2 - sha256: dc12757089d571dc33a5be6428bb50374fcfe2839230d8bc2b6aecf019545e64 + md5: 1cb3c8b063c0aca152dd7d7045e8ec2e + sha256: b9428ade4519d84f5ef68174f403cac65ee8d44ba10992809ea54ac56508457b category: main optional: false - name: gdal - version: 3.8.1 + version: 3.8.0 manager: conda platform: osx-arm64 dependencies: __osx: ">=10.9" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libcxx: ">=16.0.6" - libgdal: 3.8.1 + libgdal: 3.8.0 libxml2: ">=2.11.6,<2.12.0a0" numpy: ">=1.23.5,<2.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/gdal-3.8.1-py311h32a4f3d_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/gdal-3.8.0-py311h32a4f3d_6.conda hash: - md5: 22050ed6dfba916d82f470c4e5c820e9 - sha256: f6f8555e164a37371dc729b9aa0773e60716218ed706cd621b3f5cbfbe2ea51e + md5: b266b8795152cc1dfc9296ac95cb60ad + sha256: f8d113f50e12756c4b6640a8f70b2bccc54cc2e1a29b11f5e3cb3e4671d259be category: main optional: false - name: gdk-pixbuf @@ -6425,7 +6419,7 @@ package: category: main optional: false - name: google-api-core - version: 2.14.0 + version: 2.15.0 manager: conda platform: linux-64 dependencies: @@ -6434,14 +6428,14 @@ package: protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" python: ">=3.7" requests: ">=2.18.0,<3.0.0.dev0" - url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.15.0-pyhd8ed1ab_0.conda hash: - md5: cebe18c719a6818849b921748aa91750 - sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc + md5: e132b54eb1a75c1e536edfbb5ee7684c + sha256: ffc427bab6dcb6c6282046ebc17d2ff6918ebe55789d77256d28f85611e32f09 category: main optional: false - name: google-api-core - version: 2.14.0 + version: 2.15.0 manager: conda platform: osx-64 dependencies: @@ -6450,14 +6444,14 @@ package: googleapis-common-protos: ">=1.56.2,<2.0.dev0" protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" requests: ">=2.18.0,<3.0.0.dev0" - url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.15.0-pyhd8ed1ab_0.conda hash: - md5: cebe18c719a6818849b921748aa91750 - sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc + md5: e132b54eb1a75c1e536edfbb5ee7684c + sha256: ffc427bab6dcb6c6282046ebc17d2ff6918ebe55789d77256d28f85611e32f09 category: main optional: false - name: google-api-core - version: 2.14.0 + version: 2.15.0 manager: conda platform: osx-arm64 dependencies: @@ -6466,14 +6460,14 @@ package: googleapis-common-protos: ">=1.56.2,<2.0.dev0" protobuf: ">=3.19.5,<5.0.0.dev0,!=3.20.0,!=3.20.1,!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" requests: ">=2.18.0,<3.0.0.dev0" - url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.14.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-api-core-2.15.0-pyhd8ed1ab_0.conda hash: - md5: cebe18c719a6818849b921748aa91750 - sha256: 4bc666e51fe40266435b8e8a4137e47278e044ca26be34c05260236552914ebc + md5: e132b54eb1a75c1e536edfbb5ee7684c + sha256: ffc427bab6dcb6c6282046ebc17d2ff6918ebe55789d77256d28f85611e32f09 category: main optional: false - name: google-auth - version: 2.24.0 + version: 2.25.1 manager: conda platform: linux-64 dependencies: @@ -6486,14 +6480,14 @@ package: pyu2f: ">=0.1.5" requests: ">=2.20.0,<3.0.0" rsa: ">=3.1.4,<5" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.24.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.25.1-pyhca7485f_0.conda hash: - md5: 5c80374ea4c24d3bd6822108d43715d0 - sha256: c270d1866bd01f3fa97e5c65496b853af6b1c8d58479132c8b3397534fbb2919 + md5: ea4120e492a1b82f298419e0f2210a1e + sha256: 4626124ab555cd8620ff9ff0cd4e1e2f8a161667c00c1571241f9fc722b0b8bd category: main optional: false - name: google-auth - version: 2.24.0 + version: 2.25.1 manager: conda platform: osx-64 dependencies: @@ -6506,14 +6500,14 @@ package: cachetools: ">=2.0.0,<6.0" aiohttp: ">=3.6.2,<4.0.0" cryptography: ">=38.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.24.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.25.1-pyhca7485f_0.conda hash: - md5: 5c80374ea4c24d3bd6822108d43715d0 - sha256: c270d1866bd01f3fa97e5c65496b853af6b1c8d58479132c8b3397534fbb2919 + md5: ea4120e492a1b82f298419e0f2210a1e + sha256: 4626124ab555cd8620ff9ff0cd4e1e2f8a161667c00c1571241f9fc722b0b8bd category: main optional: false - name: google-auth - version: 2.24.0 + version: 2.25.1 manager: conda platform: osx-arm64 dependencies: @@ -6526,10 +6520,10 @@ package: cachetools: ">=2.0.0,<6.0" aiohttp: ">=3.6.2,<4.0.0" cryptography: ">=38.0.3" - url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.24.0-pyhca7485f_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-auth-2.25.1-pyhca7485f_0.conda hash: - md5: 5c80374ea4c24d3bd6822108d43715d0 - sha256: c270d1866bd01f3fa97e5c65496b853af6b1c8d58479132c8b3397534fbb2919 + md5: ea4120e492a1b82f298419e0f2210a1e + sha256: 4626124ab555cd8620ff9ff0cd4e1e2f8a161667c00c1571241f9fc722b0b8bd category: main optional: false - name: google-auth-oauthlib @@ -6578,48 +6572,48 @@ package: category: main optional: false - name: google-cloud-core - version: 2.3.3 + version: 2.4.1 manager: conda platform: linux-64 dependencies: google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" google-auth: ">=1.25.0,<3.0dev" grpcio: ">=1.38.0,<2.0.0dev" - python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda + python: ">=3.8" + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.4.1-pyhd8ed1ab_0.conda hash: - md5: a26b1fa8555cc1d2f0f7ff9985303e66 - sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + md5: 1853cdebbfe25fb6ee253855a44945a6 + sha256: d01b787bad2ec4da9536ce2cedb3e53ed092fe6a4a596c043ab358bb9b2fbcdd category: main optional: false - name: google-cloud-core - version: 2.3.3 + version: 2.4.1 manager: conda platform: osx-64 dependencies: - python: ">=3.7" + python: ">=3.8" google-auth: ">=1.25.0,<3.0dev" google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" grpcio: ">=1.38.0,<2.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.4.1-pyhd8ed1ab_0.conda hash: - md5: a26b1fa8555cc1d2f0f7ff9985303e66 - sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + md5: 1853cdebbfe25fb6ee253855a44945a6 + sha256: d01b787bad2ec4da9536ce2cedb3e53ed092fe6a4a596c043ab358bb9b2fbcdd category: main optional: false - name: google-cloud-core - version: 2.3.3 + version: 2.4.1 manager: conda platform: osx-arm64 dependencies: - python: ">=3.7" + python: ">=3.8" google-auth: ">=1.25.0,<3.0dev" google-api-core: ">=1.31.6,<3.0.0dev,!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0" grpcio: ">=1.38.0,<2.0.0dev" - url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.3.3-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/google-cloud-core-2.4.1-pyhd8ed1ab_0.conda hash: - md5: a26b1fa8555cc1d2f0f7ff9985303e66 - sha256: e8a840361b23ca7a9cfa62c1885fc66aa5ad94e48556782e9a032678c9f4b76e + md5: 1853cdebbfe25fb6ee253855a44945a6 + sha256: d01b787bad2ec4da9536ce2cedb3e53ed092fe6a4a596c043ab358bb9b2fbcdd category: main optional: false - name: google-cloud-sdk @@ -6804,42 +6798,42 @@ package: category: main optional: false - name: googleapis-common-protos - version: 1.61.0 + version: 1.62.0 manager: conda platform: linux-64 dependencies: protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" python: ">=3.7" - url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.62.0-pyhd8ed1ab_0.conda hash: - md5: f315d7fdc1905dcc2e18a1c7bed22fa9 - sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e + md5: ca3d0c7ba3a15e943d9c715aba03ae62 + sha256: 70da3fc08a742022c666d9807f0caba60be1ddbf09b6642c168001bace18c724 category: main optional: false - name: googleapis-common-protos - version: 1.61.0 + version: 1.62.0 manager: conda platform: osx-64 dependencies: python: ">=3.7" protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.62.0-pyhd8ed1ab_0.conda hash: - md5: f315d7fdc1905dcc2e18a1c7bed22fa9 - sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e + md5: ca3d0c7ba3a15e943d9c715aba03ae62 + sha256: 70da3fc08a742022c666d9807f0caba60be1ddbf09b6642c168001bace18c724 category: main optional: false - name: googleapis-common-protos - version: 1.61.0 + version: 1.62.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" protobuf: ">=3.19.5,<5.0.0dev0,!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5" - url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.61.0-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/googleapis-common-protos-1.62.0-pyhd8ed1ab_0.conda hash: - md5: f315d7fdc1905dcc2e18a1c7bed22fa9 - sha256: aa25665205e8d4895ff1bf042d2fc358a20c207271238069e13b87535f92184e + md5: ca3d0c7ba3a15e943d9c715aba03ae62 + sha256: 70da3fc08a742022c666d9807f0caba60be1ddbf09b6642c168001bace18c724 category: main optional: false - name: gql @@ -8148,42 +8142,42 @@ package: category: main optional: false - name: identify - version: 2.5.32 + version: 2.5.33 manager: conda platform: linux-64 dependencies: python: ">=3.6" ukkonen: "" - url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.32-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.33-pyhd8ed1ab_0.conda hash: - md5: 3ef8e9bab1bfaf900bb0a5db8c0c742c - sha256: 0783aa58f43d1c113a2ec300a29ba3313184056f9893671c75037fbadaf9e546 + md5: 93c8f8ceb83827d88deeba796f07fba7 + sha256: ce2a64c18221af96226be23278d81f22ff9f64b3c047d8865590f6718915303f category: main optional: false - name: identify - version: 2.5.32 + version: 2.5.33 manager: conda platform: osx-64 dependencies: ukkonen: "" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.32-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.33-pyhd8ed1ab_0.conda hash: - md5: 3ef8e9bab1bfaf900bb0a5db8c0c742c - sha256: 0783aa58f43d1c113a2ec300a29ba3313184056f9893671c75037fbadaf9e546 + md5: 93c8f8ceb83827d88deeba796f07fba7 + sha256: ce2a64c18221af96226be23278d81f22ff9f64b3c047d8865590f6718915303f category: main optional: false - name: identify - version: 2.5.32 + version: 2.5.33 manager: conda platform: osx-arm64 dependencies: ukkonen: "" python: ">=3.6" - url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.32-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/identify-2.5.33-pyhd8ed1ab_0.conda hash: - md5: 3ef8e9bab1bfaf900bb0a5db8c0c742c - sha256: 0783aa58f43d1c113a2ec300a29ba3313184056f9893671c75037fbadaf9e546 + md5: 93c8f8ceb83827d88deeba796f07fba7 + sha256: ce2a64c18221af96226be23278d81f22ff9f64b3c047d8865590f6718915303f category: main optional: false - name: idna @@ -8539,10 +8533,10 @@ package: stack_data: "" traitlets: ">=5" typing_extensions: "" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh31011fe_2.conda + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh707e725_3.conda hash: - md5: 5e23d20fc6e33061c063220146579990 - sha256: c956b70ed41b7f61a780a7e584f03f68e7e5073c8c138960bfbc5e705d9124b1 + md5: 15c6f45a45f7ac27f6d60b0b084f6761 + sha256: d98d615ac8ad71de698afbc50e8269570d4b89706821c4ff3058a4ceec69bd9b category: main optional: false - name: ipython @@ -8563,10 +8557,10 @@ package: jedi: ">=0.16" pexpect: ">4.3" prompt-toolkit: ">=3.0.41,<3.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh31011fe_2.conda + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh707e725_3.conda hash: - md5: 5e23d20fc6e33061c063220146579990 - sha256: c956b70ed41b7f61a780a7e584f03f68e7e5073c8c138960bfbc5e705d9124b1 + md5: 15c6f45a45f7ac27f6d60b0b084f6761 + sha256: d98d615ac8ad71de698afbc50e8269570d4b89706821c4ff3058a4ceec69bd9b category: main optional: false - name: ipython @@ -8587,10 +8581,10 @@ package: jedi: ">=0.16" pexpect: ">4.3" prompt-toolkit: ">=3.0.41,<3.1.0" - url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh31011fe_2.conda + url: https://conda.anaconda.org/conda-forge/noarch/ipython-8.18.1-pyh707e725_3.conda hash: - md5: 5e23d20fc6e33061c063220146579990 - sha256: c956b70ed41b7f61a780a7e584f03f68e7e5073c8c138960bfbc5e705d9124b1 + md5: 15c6f45a45f7ac27f6d60b0b084f6761 + sha256: d98d615ac8ad71de698afbc50e8269570d4b89706821c4ff3058a4ceec69bd9b category: main optional: false - name: ipywidgets @@ -9709,7 +9703,7 @@ package: category: main optional: false - name: jupyter_server - version: 2.11.2 + version: 2.12.1 manager: conda platform: linux-64 dependencies: @@ -9732,14 +9726,14 @@ package: tornado: ">=6.2.0" traitlets: ">=5.6.0" websocket-client: "" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.11.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.12.1-pyhd8ed1ab_0.conda hash: - md5: c831341804aecf5abcdbb348be301f92 - sha256: 9e56c09fa7f4b95aab30b51008416d041c53cfd94ef3a4abc339d1eabb015df2 + md5: e9781be1e6c93b5df2c180a9f9242420 + sha256: c4aabe2041afb8fde1f049549c2e292265612d07dd4d1156f3e183ba6a6f007b category: main optional: false - name: jupyter_server - version: 2.11.2 + version: 2.12.1 manager: conda platform: osx-64 dependencies: @@ -9762,14 +9756,14 @@ package: anyio: ">=3.1.0" send2trash: ">=1.8.2" jupyter_events: ">=0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.11.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.12.1-pyhd8ed1ab_0.conda hash: - md5: c831341804aecf5abcdbb348be301f92 - sha256: 9e56c09fa7f4b95aab30b51008416d041c53cfd94ef3a4abc339d1eabb015df2 + md5: e9781be1e6c93b5df2c180a9f9242420 + sha256: c4aabe2041afb8fde1f049549c2e292265612d07dd4d1156f3e183ba6a6f007b category: main optional: false - name: jupyter_server - version: 2.11.2 + version: 2.12.1 manager: conda platform: osx-arm64 dependencies: @@ -9792,10 +9786,10 @@ package: anyio: ">=3.1.0" send2trash: ">=1.8.2" jupyter_events: ">=0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.11.2-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/jupyter_server-2.12.1-pyhd8ed1ab_0.conda hash: - md5: c831341804aecf5abcdbb348be301f92 - sha256: 9e56c09fa7f4b95aab30b51008416d041c53cfd94ef3a4abc339d1eabb015df2 + md5: e9781be1e6c93b5df2c180a9f9242420 + sha256: c4aabe2041afb8fde1f049549c2e292265612d07dd4d1156f3e183ba6a6f007b category: main optional: false - name: jupyter_server_terminals @@ -10055,7 +10049,7 @@ package: manager: conda platform: linux-64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libgcc-ng: ">=12" libstdcxx-ng: ">=12" url: https://conda.anaconda.org/conda-forge/linux-64/kealib-1.5.2-hcd42e92_1.conda @@ -10069,7 +10063,7 @@ package: manager: conda platform: osx-64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libcxx: ">=15.0.7" url: https://conda.anaconda.org/conda-forge/osx-64/kealib-1.5.2-h052fcf7_1.conda hash: @@ -10082,7 +10076,7 @@ package: manager: conda platform: osx-arm64 dependencies: - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libcxx: ">=15.0.7" url: https://conda.anaconda.org/conda-forge/osx-arm64/kealib-1.5.2-h47b5e36_1.conda hash: @@ -11505,19 +11499,19 @@ package: category: dev optional: true - name: libgdal - version: 3.8.1 + version: 3.8.0 manager: conda platform: linux-64 dependencies: __glibc: ">=2.17,<3.0.a0" blosc: ">=1.21.5,<2.0a0" - cfitsio: ">=4.3.1,<4.3.2.0a0" + cfitsio: ">=4.3.0,<4.3.1.0a0" freexl: ">=2.0.0,<3.0a0" geos: ">=3.12.1,<3.12.2.0a0" geotiff: ">=1.7.1,<1.8.0a0" giflib: ">=5.2.1,<5.3.0a0" hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" json-c: ">=0.17,<0.18.0a0" kealib: ">=1.5.2,<1.6.0a0" lerc: ">=4.0.0,<5.0a0" @@ -11534,7 +11528,7 @@ package: libpng: ">=1.6.39,<1.7.0a0" libpq: ">=16.1,<17.0a0" libspatialite: ">=5.1.0,<5.2.0a0" - libsqlite: ">=3.44.2,<4.0a0" + libsqlite: ">=3.44.1,<4.0a0" libstdcxx-ng: ">=12" libtiff: ">=4.6.0,<4.7.0a0" libuuid: ">=2.38.1,<3.0a0" @@ -11543,35 +11537,35 @@ package: libzlib: ">=1.2.13,<1.3.0a0" lz4-c: ">=1.9.3,<1.10.0a0" openjpeg: ">=2.5.0,<3.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" pcre2: ">=10.42,<10.43.0a0" - poppler: ">=23.12.0,<23.13.0a0" + poppler: ">=23.11.0,<23.12.0a0" postgresql: "" proj: ">=9.3.0,<9.3.1.0a0" tiledb: ">=2.16,<2.17.0a0" xerces-c: ">=3.2.4,<3.3.0a0" xz: ">=5.2.6,<6.0a0" zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libgdal-3.8.1-hcae7082_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/libgdal-3.8.0-he7dcfe9_6.conda hash: - md5: e96d24ccc597439cda2859fe948aac77 - sha256: 9d6a19f03ea1437e951ba5e09c12faf11aa47a375a76f80f9bab1d2c3aed4aa9 + md5: 16ff703a847430fa074c5d53916740c1 + sha256: 06ccb879fc2783c371f1b02d062c4e90dfe4d8c5e9f2f83213bbef0fe27a00b0 category: main optional: false - name: libgdal - version: 3.8.1 + version: 3.8.0 manager: conda platform: osx-64 dependencies: __osx: ">=10.9" blosc: ">=1.21.5,<2.0a0" - cfitsio: ">=4.3.1,<4.3.2.0a0" + cfitsio: ">=4.3.0,<4.3.1.0a0" freexl: ">=2.0.0,<3.0a0" geos: ">=3.12.1,<3.12.2.0a0" geotiff: ">=1.7.1,<1.8.0a0" giflib: ">=5.2.1,<5.3.0a0" hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" json-c: ">=0.17,<0.18.0a0" kealib: ">=1.5.2,<1.6.0a0" lerc: ">=4.0.0,<5.0a0" @@ -11588,42 +11582,42 @@ package: libpng: ">=1.6.39,<1.7.0a0" libpq: ">=16.1,<17.0a0" libspatialite: ">=5.1.0,<5.2.0a0" - libsqlite: ">=3.44.2,<4.0a0" + libsqlite: ">=3.44.1,<4.0a0" libtiff: ">=4.6.0,<4.7.0a0" libwebp-base: ">=1.3.2,<2.0a0" libxml2: ">=2.11.6,<2.12.0a0" libzlib: ">=1.2.13,<1.3.0a0" lz4-c: ">=1.9.3,<1.10.0a0" openjpeg: ">=2.5.0,<3.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" pcre2: ">=10.42,<10.43.0a0" - poppler: ">=23.12.0,<23.13.0a0" + poppler: ">=23.11.0,<23.12.0a0" postgresql: "" proj: ">=9.3.0,<9.3.1.0a0" tiledb: ">=2.16,<2.17.0a0" xerces-c: ">=3.2.4,<3.3.0a0" xz: ">=5.2.6,<6.0a0" zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libgdal-3.8.1-hb7f764b_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/libgdal-3.8.0-h5b0c7d5_6.conda hash: - md5: eee8b19233a243e229af4399af2c4a10 - sha256: efe25d85efe856c1db71e2a40ce9736e07cf5c06e53285248866a62a43363a0d + md5: 01e293a419480a02fc7775f6c6afa530 + sha256: fc602de0bb3d5b7c0493b25b1e4345018fd68f26c672c8abff621c492f67abf4 category: main optional: false - name: libgdal - version: 3.8.1 + version: 3.8.0 manager: conda platform: osx-arm64 dependencies: __osx: ">=10.9" blosc: ">=1.21.5,<2.0a0" - cfitsio: ">=4.3.1,<4.3.2.0a0" + cfitsio: ">=4.3.0,<4.3.1.0a0" freexl: ">=2.0.0,<3.0a0" geos: ">=3.12.1,<3.12.2.0a0" geotiff: ">=1.7.1,<1.8.0a0" giflib: ">=5.2.1,<5.3.0a0" hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" json-c: ">=0.17,<0.18.0a0" kealib: ">=1.5.2,<1.6.0a0" lerc: ">=4.0.0,<5.0a0" @@ -11640,26 +11634,26 @@ package: libpng: ">=1.6.39,<1.7.0a0" libpq: ">=16.1,<17.0a0" libspatialite: ">=5.1.0,<5.2.0a0" - libsqlite: ">=3.44.2,<4.0a0" + libsqlite: ">=3.44.1,<4.0a0" libtiff: ">=4.6.0,<4.7.0a0" libwebp-base: ">=1.3.2,<2.0a0" libxml2: ">=2.11.6,<2.12.0a0" libzlib: ">=1.2.13,<1.3.0a0" lz4-c: ">=1.9.3,<1.10.0a0" openjpeg: ">=2.5.0,<3.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" pcre2: ">=10.42,<10.43.0a0" - poppler: ">=23.12.0,<23.13.0a0" + poppler: ">=23.11.0,<23.12.0a0" postgresql: "" proj: ">=9.3.0,<9.3.1.0a0" tiledb: ">=2.16,<2.17.0a0" xerces-c: ">=3.2.4,<3.3.0a0" xz: ">=5.2.6,<6.0a0" zstd: ">=1.5.5,<1.6.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libgdal-3.8.1-hac00559_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/libgdal-3.8.0-h76f3012_6.conda hash: - md5: a65e999f85ab35663d7e9753ca7eaa13 - sha256: 636ff5b1f95edc083dc7b3ba9f35a87fe18695349b1bd57ae72c54d00ef5034e + md5: c7efc96733da609c84411293fa3a8457 + sha256: 34d8f93a03a58396074dbbcc832a0c84bb6192d9e0ddf70992c4fa40349366c5 category: main optional: false - name: libgfortran @@ -11735,7 +11729,7 @@ package: category: main optional: false - name: libglib - version: 2.78.2 + version: 2.78.3 manager: conda platform: linux-64 dependencies: @@ -11746,14 +11740,14 @@ package: libstdcxx-ng: ">=12" libzlib: ">=1.2.13,<1.3.0a0" pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libglib-2.78.2-h783c2da_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/libglib-2.78.3-h783c2da_0.conda hash: - md5: a69b70cf435577750468d02cbd596094 - sha256: 66a5dd5e9c13431d0d23324e2d4dd0ad189f6fe003b51bc8880ceeb3f6460f93 + md5: 9bd06b12bbfa6fd1740fd23af4b0f0c7 + sha256: b1b594294a0fe4c9a51596ef027efed9268d60827e8ae61fb7545c521a631e33 category: main optional: false - name: libglib - version: 2.78.1 + version: 2.78.3 manager: conda platform: osx-64 dependencies: @@ -11764,14 +11758,14 @@ package: libiconv: ">=1.17,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libglib-2.78.1-h198397b_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/libglib-2.78.3-h198397b_0.conda hash: - md5: fb318c3fed632cf2de190fb10496fbd1 - sha256: 73bcb4ea07af4291221271aa7aaa0795d59d851a6f43d6e0df22601f61725e4b + md5: e18624e441743b0d744116885b70f092 + sha256: 90e58879873b05617e0678ecfbf47bc740c1a2ed7840b8f7cd1241813b9037db category: main optional: false - name: libglib - version: 2.78.2 + version: 2.78.3 manager: conda platform: osx-arm64 dependencies: @@ -11782,10 +11776,10 @@ package: libiconv: ">=1.17,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" pcre2: ">=10.42,<10.43.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libglib-2.78.2-hb438215_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/libglib-2.78.3-hb438215_0.conda hash: - md5: a2334b9d0b7b79c7d674ede8e21149b7 - sha256: 8c7ba8a886cbf5a8c91a814179463389e0bcaa9a7cf831f0cf849b6e4216cdc5 + md5: 8c98b7018b434236e2c0f14d7cf3c113 + sha256: f26afb1003e810e768138b0c849e9408c0ae8635062aeaf7abae381903a84e53 category: main optional: false - name: libgomp @@ -12163,7 +12157,7 @@ package: blosc: ">=1.21.4,<2.0a0" bzip2: ">=1.0.8,<2.0a0" hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libaec: ">=1.0.6,<2.0a0" libcurl: ">=8.2.1,<9.0a0" libgcc-ng: ">=12" @@ -12188,7 +12182,7 @@ package: blosc: ">=1.21.4,<2.0a0" bzip2: ">=1.0.8,<2.0a0" hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libaec: ">=1.0.6,<2.0a0" libcurl: ">=8.2.1,<9.0a0" libcxx: ">=15.0.7" @@ -12212,7 +12206,7 @@ package: blosc: ">=1.21.4,<2.0a0" bzip2: ">=1.0.8,<2.0a0" hdf4: ">=4.2.15,<4.2.16.0a0" - hdf5: ">=1.14.2,<1.14.3.0a0" + hdf5: ">=1.14.2,<1.14.4.0a0" libaec: ">=1.0.6,<2.0a0" libcurl: ">=8.2.1,<9.0a0" libcxx: ">=15.0.7" @@ -12438,11 +12432,11 @@ package: krb5: ">=1.21.2,<1.22.0a0" libgcc-ng: ">=12" libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.2.0,<4.0a0" - url: https://conda.anaconda.org/conda-forge/linux-64/libpq-16.1-hfc447b1_2.conda + openssl: ">=3.1.4,<3.2.0a0" + url: https://conda.anaconda.org/conda-forge/linux-64/libpq-16.1-hfc447b1_0.conda hash: - md5: 3cfa1ceef6936e656677ba59480106ce - sha256: 6ce23d046522c39cda5c25e47d303b39f8b31a2aac2c59ea3e41710a072ff0bf + md5: 2b7f1893cf40b4ccdc0230bcd94d5ed9 + sha256: 8c92a8cce329a83cc9e94b19d18200c661957c00cfb464f26237d24730864585 category: main optional: false - name: libpq @@ -12452,11 +12446,11 @@ package: dependencies: krb5: ">=1.21.2,<1.22.0a0" libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.2.0,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-64/libpq-16.1-h6dd4ff7_2.conda + openssl: ">=3.1.4,<3.2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-64/libpq-16.1-h6dd4ff7_0.conda hash: - md5: 7aa484702ee6f49c7a728b578a544b27 - sha256: 13011b0b9b31771197155d3547dcdf2c5f8f8a91f86f2b4d45fbf8a4d6f53d0a + md5: 39de94ff4ccc306f3d24ef7aef13c689 + sha256: 1a51c9b3451eebf04ac1f7a7a58fec07c2e44d2298514a30f62b5b432a653c07 category: main optional: false - name: libpq @@ -12466,11 +12460,11 @@ package: dependencies: krb5: ">=1.21.2,<1.22.0a0" libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.2.0,<4.0a0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/libpq-16.1-hd435d45_2.conda + openssl: ">=3.1.4,<3.2.0a0" + url: https://conda.anaconda.org/conda-forge/osx-arm64/libpq-16.1-hd435d45_0.conda hash: - md5: b4d4402f19365ed54ad529e09bfa7cdb - sha256: 50e96d4014b59ef337a74322be4394e27e6be65c3c5356b98ee0be1f6f4086a1 + md5: 883bbf64780c91608f1a7df9203b79a5 + sha256: 1b5c86d5f247b3e154ae373dcebea6979368c4a0ee722d39ec33ee2fc8528c04 category: main optional: false - name: libprotobuf @@ -13501,15 +13495,15 @@ package: platform: linux-64 dependencies: libgcc-ng: ">=12" - libxml2: ">=2.11.5,<2.12.0a0" + libxml2: ">=2.11.6,<2.12.0a0" libxslt: ">=1.1.37,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/linux-64/lxml-4.9.3-py311h1a07684_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/lxml-4.9.3-py311h1a07684_2.conda hash: - md5: aab51e50d994e58efdfa5382139b0468 - sha256: 9ee461843278f695c5e301b4575e7dd02f69021e85023b62b17f7dfe2cd173e4 + md5: 76405b658bdd57a05bbdcee11d4714d2 + sha256: 4d7dd680fd7a6d5f34ca26d188ab73fd44378ade96d7ac50f25ccd4015517fde category: main optional: false - name: lxml @@ -13517,15 +13511,15 @@ package: manager: conda platform: osx-64 dependencies: - libxml2: ">=2.11.5,<2.12.0a0" + libxml2: ">=2.11.6,<2.12.0a0" libxslt: ">=1.1.37,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/lxml-4.9.3-py311h19a211c_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/lxml-4.9.3-py311h719c1e2_2.conda hash: - md5: d3687d6ebe20ef8bf959dba786cdb28e - sha256: df952e80dc9ca98fbff11c2627288808135b51d18fc363a102f3e58eac8b4113 + md5: d3c23c905887e0c9999afb3a65650f85 + sha256: 37d48cbfac83c211c818a500b7c8852260146b2c2ed8006a4df8cc1b16a45ee2 category: main optional: false - name: lxml @@ -13533,15 +13527,15 @@ package: manager: conda platform: osx-arm64 dependencies: - libxml2: ">=2.11.5,<2.12.0a0" + libxml2: ">=2.11.6,<2.12.0a0" libxslt: ">=1.1.37,<2.0a0" libzlib: ">=1.2.13,<1.3.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/lxml-4.9.3-py311hbafe683_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/lxml-4.9.3-py311hdef8331_2.conda hash: - md5: 5cfed11a5103844a5654446cf4d3f42a - sha256: e7ac6818b94242a5a1800a66d362a5e0262473e2399e731dd2061737b88c09b5 + md5: 99b75b0287466b51cafc6de0a8921825 + sha256: a33f16b34943fca0e5f113cf0b8c3be32271bda2718fe857d6e5c01e515c2158 category: main optional: false - name: lz4-c @@ -14263,42 +14257,6 @@ package: sha256: 7fcfda7b4a1d74205fcfdefd93804226a6eaffc74a319414c7d8d88f9249db3b category: main optional: false - - name: munch - version: 4.0.0 - manager: conda - platform: linux-64 - dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda - hash: - md5: 376b32e8f9d3eacbd625f37d39bd507d - sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 - category: main - optional: false - - name: munch - version: 4.0.0 - manager: conda - platform: osx-64 - dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda - hash: - md5: 376b32e8f9d3eacbd625f37d39bd507d - sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 - category: main - optional: false - - name: munch - version: 4.0.0 - manager: conda - platform: osx-arm64 - dependencies: - python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/munch-4.0.0-pyhd8ed1ab_0.conda - hash: - md5: 376b32e8f9d3eacbd625f37d39bd507d - sha256: 093020ae2deb6c468120111a54909e1c576d70dfea6bc0eec5093e36d2fb8ff8 - category: main - optional: false - name: munkres version: 1.1.4 manager: conda @@ -15316,40 +15274,40 @@ package: category: main optional: false - name: openssl - version: 3.2.0 + version: 3.1.4 manager: conda platform: linux-64 dependencies: ca-certificates: "" libgcc-ng: ">=12" - url: https://conda.anaconda.org/conda-forge/linux-64/openssl-3.2.0-hd590300_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/openssl-3.1.4-hd590300_0.conda hash: - md5: 603827b39ea2b835268adb8c821b8570 - sha256: 80efc6f429bd8e622d999652e5cba2ca56fcdb9c16a439d2ce9b4313116e4a87 + md5: 412ba6938c3e2abaca8b1129ea82e238 + sha256: d15b3e83ce66c6f6fbb4707f2f5c53337124c01fb03bfda1cf25c5b41123efc7 category: main optional: false - name: openssl - version: 3.2.0 + version: 3.1.4 manager: conda platform: osx-64 dependencies: ca-certificates: "" - url: https://conda.anaconda.org/conda-forge/osx-64/openssl-3.2.0-hd75f5a5_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/openssl-3.1.4-hd75f5a5_0.conda hash: - md5: 06cb561619487c88891839b9beb5244c - sha256: 99161bf349f5dc80322f2a2c188588d11efa662566e4e19f2ac0a36d9fa3de25 + md5: bc9201da6eb1e0df4107901df5371347 + sha256: 1c436103a8de0dc82c9c56974badaa1b8b8f8cd9f37c2766bd50cd9899720f6b category: main optional: false - name: openssl - version: 3.2.0 + version: 3.1.4 manager: conda platform: osx-arm64 dependencies: ca-certificates: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/openssl-3.2.0-h0d3ecfb_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/openssl-3.1.4-h0d3ecfb_0.conda hash: - md5: 47d16d26100f19ca495882882b7bc93b - sha256: a53e1c6c058b621fd1d13cca6f9cccd534d2b3f4b4ac789fe26f7902031d6c41 + md5: 5a89552fececf4cd99628318ccbb67a3 + sha256: 3c715b1d4940c7ad6065935db18924b85a54048dde066f963cfc250340639457 category: main optional: false - name: orc @@ -16412,7 +16370,7 @@ package: category: main optional: false - name: poppler - version: 23.12.0 + version: 23.11.0 manager: conda platform: linux-64 dependencies: @@ -16423,7 +16381,7 @@ package: lcms2: ">=2.15,<3.0a0" libcurl: ">=8.4.0,<9.0a0" libgcc-ng: ">=12" - libglib: ">=2.78.1,<3.0a0" + libglib: ">=2.78.0,<3.0a0" libiconv: ">=1.17,<2.0a0" libjpeg-turbo: ">=3.0.0,<4.0a0" libpng: ">=1.6.39,<1.7.0a0" @@ -16431,17 +16389,17 @@ package: libtiff: ">=4.6.0,<4.7.0a0" libzlib: ">=1.2.13,<1.3.0a0" nspr: ">=4.35,<5.0a0" - nss: ">=3.95,<4.0a0" + nss: ">=3.94,<4.0a0" openjpeg: ">=2.5.0,<3.0a0" poppler-data: "" - url: https://conda.anaconda.org/conda-forge/linux-64/poppler-23.12.0-h590f24d_0.conda + url: https://conda.anaconda.org/conda-forge/linux-64/poppler-23.11.0-h590f24d_0.conda hash: - md5: 480189ac126a8c6c61e14476c8ba7c9a - sha256: b313920277aca763b590dddf806c56b0aadcdff82f5ace39827cab4792ae4b20 + md5: 671439d8eca2084bb5a75561fff23a85 + sha256: 8050002e01be124efcb82e32e740676f5ed7dfe852f335408554e6dc3b060ad9 category: main optional: false - name: poppler - version: 23.12.0 + version: 23.11.0 manager: conda platform: osx-64 dependencies: @@ -16454,24 +16412,24 @@ package: lcms2: ">=2.15,<3.0a0" libcurl: ">=8.4.0,<9.0a0" libcxx: ">=16.0.6" - libglib: ">=2.78.1,<3.0a0" + libglib: ">=2.78.0,<3.0a0" libiconv: ">=1.17,<2.0a0" libjpeg-turbo: ">=3.0.0,<4.0a0" libpng: ">=1.6.39,<1.7.0a0" libtiff: ">=4.6.0,<4.7.0a0" libzlib: ">=1.2.13,<1.3.0a0" nspr: ">=4.35,<5.0a0" - nss: ">=3.95,<4.0a0" + nss: ">=3.94,<4.0a0" openjpeg: ">=2.5.0,<3.0a0" poppler-data: "" - url: https://conda.anaconda.org/conda-forge/osx-64/poppler-23.12.0-hdd5a5e8_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/poppler-23.11.0-hdd5a5e8_0.conda hash: - md5: e1cb9f8e9e21dfa600b08be85d905e5f - sha256: 1271e3c8163125fc1ff14833ddba3f2c6465df5b1d13db76912415bd5a39b492 + md5: 60ffe2d3a09ff99eb2601487d6ddaeea + sha256: fb6a53ddac3fa8c097b4a0b7d2f40219b13bfa3324147aaf6c5a14ee5fb27521 category: main optional: false - name: poppler - version: 23.12.0 + version: 23.11.0 manager: conda platform: osx-arm64 dependencies: @@ -16484,20 +16442,20 @@ package: lcms2: ">=2.15,<3.0a0" libcurl: ">=8.4.0,<9.0a0" libcxx: ">=16.0.6" - libglib: ">=2.78.1,<3.0a0" + libglib: ">=2.78.0,<3.0a0" libiconv: ">=1.17,<2.0a0" libjpeg-turbo: ">=3.0.0,<4.0a0" libpng: ">=1.6.39,<1.7.0a0" libtiff: ">=4.6.0,<4.7.0a0" libzlib: ">=1.2.13,<1.3.0a0" nspr: ">=4.35,<5.0a0" - nss: ">=3.95,<4.0a0" + nss: ">=3.94,<4.0a0" openjpeg: ">=2.5.0,<3.0a0" poppler-data: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/poppler-23.12.0-hcdd998b_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/poppler-23.11.0-hcdd998b_0.conda hash: - md5: e072f524004eee193e30d243d68c520f - sha256: 13ebaac3bf9b77e92e777d3ed245c2f0a8ac93985e334b0cd797a39f321ae5dd + md5: 19386a03a7c57a378953bafb4f598156 + sha256: a6677b507cbdb6202c872aa461b4bf8cfcbe5791721fe1f42615b89205d4a4a6 category: main optional: false - name: poppler-data @@ -16541,17 +16499,17 @@ package: krb5: ">=1.21.2,<1.22.0a0" libgcc-ng: ">=12" libpq: "16.1" - libxml2: ">=2.11.6,<2.12.0a0" + libxml2: ">=2.11.5,<2.12.0a0" libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" readline: ">=8.2,<9.0a0" tzcode: "" tzdata: "" zlib: "" - url: https://conda.anaconda.org/conda-forge/linux-64/postgresql-16.1-h8972f4a_2.conda + url: https://conda.anaconda.org/conda-forge/linux-64/postgresql-16.1-h8972f4a_0.conda hash: - md5: a175fe7a349a7e4cda81f4d7ae2bc2b2 - sha256: b2c258a78effab00f8db53e5dd04a43baf309c9a3c164c0d6f52de836b3baea5 + md5: 1e9ab0760262044fa00814088667e451 + sha256: 74dfb5793a00a0a9e85296ce0944d8af0f71758574b7c8f9e7d5590250441e24 category: main optional: false - name: postgresql @@ -16561,17 +16519,17 @@ package: dependencies: krb5: ">=1.21.2,<1.22.0a0" libpq: "16.1" - libxml2: ">=2.11.6,<2.12.0a0" + libxml2: ">=2.11.5,<2.12.0a0" libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" readline: ">=8.2,<9.0a0" tzcode: "" tzdata: "" zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-64/postgresql-16.1-h413614c_2.conda + url: https://conda.anaconda.org/conda-forge/osx-64/postgresql-16.1-h413614c_0.conda hash: - md5: ad5e3602657162ddcab580d052df0bd4 - sha256: 47282bff8ca6c64f72276401e8bcfff625cadcdcbfd3804bb08d9dcbe7485907 + md5: b7322d27093606b939fb92fa33b92beb + sha256: 612393024639882d7515429e639c85fa3b712d114c5a6b3a4b3891b061e1bc89 category: main optional: false - name: postgresql @@ -16581,17 +16539,17 @@ package: dependencies: krb5: ">=1.21.2,<1.22.0a0" libpq: "16.1" - libxml2: ">=2.11.6,<2.12.0a0" + libxml2: ">=2.11.5,<2.12.0a0" libzlib: ">=1.2.13,<1.3.0a0" - openssl: ">=3.2.0,<4.0a0" + openssl: ">=3.1.4,<4.0a0" readline: ">=8.2,<9.0a0" tzcode: "" tzdata: "" zlib: "" - url: https://conda.anaconda.org/conda-forge/osx-arm64/postgresql-16.1-hc6ab77f_2.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/postgresql-16.1-hc6ab77f_0.conda hash: - md5: a2562d92a27e19371e2655fe48e6952f - sha256: a896c5ab8930a4d9f980471b64d6eb254a22c46565ebb777d99e235c8c0fb7f9 + md5: 37398d1ad2fbeaa7733711b845da863e + sha256: 441f5ad3fac42e7daf9c246ad0dc0962c7f0b4c9ac1044038d3a053d339320bf category: main optional: false - name: pre-commit @@ -16950,33 +16908,33 @@ package: category: main optional: false - name: psycopg2 - version: 2.9.9 + version: 2.9.7 manager: conda platform: osx-64 dependencies: - libpq: ">=16.1,<17.0a0" - openssl: ">=3.2.0,<4.0a0" + libpq: ">=16.0,<17.0a0" + openssl: ">=3.1.3,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-64/psycopg2-2.9.9-py311h187f0af_0.conda + url: https://conda.anaconda.org/conda-forge/osx-64/psycopg2-2.9.7-py311h187f0af_1.conda hash: - md5: 2177c8943bbf9bfc45421ecaebd5be11 - sha256: 73c0cf543b0ddd41993956969f665999f5801e027e3d3524604892baedbd2626 + md5: f777a0c47ebe4c2cc2eca6f19aea9347 + sha256: dce8bdee2b563927c71493ad26997c9897939d8fbb0376df80b6c04154ce0412 category: main optional: false - name: psycopg2 - version: 2.9.9 + version: 2.9.7 manager: conda platform: osx-arm64 dependencies: - libpq: ">=16.1,<17.0a0" - openssl: ">=3.2.0,<4.0a0" + libpq: ">=16.0,<17.0a0" + openssl: ">=3.1.3,<4.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* - url: https://conda.anaconda.org/conda-forge/osx-arm64/psycopg2-2.9.9-py311h589e011_0.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/psycopg2-2.9.7-py311h589e011_1.conda hash: - md5: cf560a3c0e56cf6a168f885958ec31ff - sha256: a6340fa9458824b9681ba6cc1de0a618ffd6b19272c4eedcf787a6e627025aa5 + md5: e5fd933c7c34b5c02a95e28f05b07f46 + sha256: 30fb7c0c8e1651694dcb9b5b62b7cdc801ce45e06ead0a5d281ce950e1f498f5 category: main optional: false - name: psycopg2-binary @@ -16993,29 +16951,29 @@ package: category: main optional: false - name: psycopg2-binary - version: 2.9.9 + version: 2.9.7 manager: conda platform: osx-64 dependencies: python: ">=3.6" - psycopg2: ">=2.9.9,<2.9.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.9-pyhd8ed1ab_0.conda + psycopg2: ">=2.9.7,<2.9.8.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda hash: - md5: c15b2ec0570f8988819eea58286dbc19 - sha256: bb6184a3de8a6fddaed9104539ada9ac7c5e2bd900284ccf96ef5e4e285e75db + md5: 0212a5c5ae1ab578853364bfc5d9f657 + sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 category: main optional: false - name: psycopg2-binary - version: 2.9.9 + version: 2.9.7 manager: conda platform: osx-arm64 dependencies: python: ">=3.6" - psycopg2: ">=2.9.9,<2.9.10.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.9-pyhd8ed1ab_0.conda + psycopg2: ">=2.9.7,<2.9.8.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/psycopg2-binary-2.9.7-pyhd8ed1ab_1.conda hash: - md5: c15b2ec0570f8988819eea58286dbc19 - sha256: bb6184a3de8a6fddaed9104539ada9ac7c5e2bd900284ccf96ef5e4e285e75db + md5: 0212a5c5ae1ab578853364bfc5d9f657 + sha256: 5d82cb8b90daff6c12a4b6e0848fd32172522d82ceb5f093bfd55bfec09b3797 category: main optional: false - name: pthread-stubs @@ -19146,45 +19104,45 @@ package: category: main optional: false - name: referencing - version: 0.31.1 + version: 0.32.0 manager: conda platform: linux-64 dependencies: attrs: ">=22.2.0" python: ">=3.8" rpds-py: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.32.0-pyhd8ed1ab_0.conda hash: - md5: ae08039cf63eb82637b867aea3f04758 - sha256: efb91b7d2f6e729c01676e52e99071db819628a9f0a3a519c8969f0d2350a371 + md5: a7b5a535cd614e384594530aee7e6061 + sha256: dfd40282910a45e58882ed94b502b2a09f475efb04eaaa3bd8b3b5a9b21a19c3 category: main optional: false - name: referencing - version: 0.31.1 + version: 0.32.0 manager: conda platform: osx-64 dependencies: python: ">=3.8" attrs: ">=22.2.0" rpds-py: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.32.0-pyhd8ed1ab_0.conda hash: - md5: ae08039cf63eb82637b867aea3f04758 - sha256: efb91b7d2f6e729c01676e52e99071db819628a9f0a3a519c8969f0d2350a371 + md5: a7b5a535cd614e384594530aee7e6061 + sha256: dfd40282910a45e58882ed94b502b2a09f475efb04eaaa3bd8b3b5a9b21a19c3 category: main optional: false - name: referencing - version: 0.31.1 + version: 0.32.0 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" attrs: ">=22.2.0" rpds-py: ">=0.7.0" - url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.31.1-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/referencing-0.32.0-pyhd8ed1ab_0.conda hash: - md5: ae08039cf63eb82637b867aea3f04758 - sha256: efb91b7d2f6e729c01676e52e99071db819628a9f0a3a519c8969f0d2350a371 + md5: a7b5a535cd614e384594530aee7e6061 + sha256: dfd40282910a45e58882ed94b502b2a09f475efb04eaaa3bd8b3b5a9b21a19c3 category: main optional: false - name: regex @@ -19920,10 +19878,10 @@ package: python_abi: 3.11.* scipy: "" threadpoolctl: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/linux-64/scikit-learn-1.3.2-py311hc009520_1.conda + url: https://conda.anaconda.org/conda-forge/linux-64/scikit-learn-1.3.2-py311hc009520_2.conda hash: - md5: 6b92d3d0680eae9d1d9860a721f7fb51 - sha256: 638253cba17e44081674b2dd7bee2025c202e91b653182da511ca57de942689d + md5: 9821f8e497a791858226f535e5e0be62 + sha256: 1133cd9209207528d4fdd88ffb300a04794942e5d474c607ed1f0578fe218fd2 category: main optional: false - name: scikit-learn @@ -19934,16 +19892,16 @@ package: __osx: ">=10.9" joblib: ">=1.1.1" libcxx: ">=16.0.6" - llvm-openmp: ">=16.0.6" + llvm-openmp: ">=17.0.6" numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* scipy: "" threadpoolctl: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/osx-64/scikit-learn-1.3.2-py311h66081b9_1.conda + url: https://conda.anaconda.org/conda-forge/osx-64/scikit-learn-1.3.2-py311h66081b9_2.conda hash: - md5: a7053f3e86b6b9139593a027c54e3097 - sha256: 0b4aee092d4689d07aa95ed1d1071eeb74a5e011d34bc9ebd9b27e9b2166db7e + md5: a774c2628441ed6f4db9d7026ab1c7f4 + sha256: 8a2b2660524d06c32c7a2a5af9f3f918b17f34a01990f6190e1e7f37233cdb47 category: main optional: false - name: scikit-learn @@ -19954,16 +19912,16 @@ package: __osx: ">=10.9" joblib: ">=1.1.1" libcxx: ">=16.0.6" - llvm-openmp: ">=16.0.6" + llvm-openmp: ">=17.0.6" numpy: ">=1.23.5,<2.0a0" python: ">=3.11,<3.12.0a0" python_abi: 3.11.* scipy: "" threadpoolctl: ">=2.0.0" - url: https://conda.anaconda.org/conda-forge/osx-arm64/scikit-learn-1.3.2-py311ha25ca4d_1.conda + url: https://conda.anaconda.org/conda-forge/osx-arm64/scikit-learn-1.3.2-py311ha25ca4d_2.conda hash: - md5: dea73952c589de24ec577c41fac181c5 - sha256: 589bca23648b8969b16a36f87d7114a12fbe88d665cde32427c7126e5b34e63c + md5: f427eff14595109354bd19c94a3d3624 + sha256: d24397673a1f0b609796a716c80b45e3971eb09b987b2a30519a30f5dabeae14 category: main optional: false - name: scipy diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index 9af811d772..b13e20814c 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -70,7 +70,7 @@ dependencies: - lz4-c=1.9.4=hf0c8a7f_0 - ncurses=6.4=h93d8f39_2 - nspr=4.35=hea0b92c_0 - - openssl=3.2.0=hd75f5a5_1 + - openssl=3.1.4=hd75f5a5_0 - pandoc=3.1.3=h9d075a6_0 - pcre2=10.42=h0ad2156_0 - pixman=0.42.2=he965462_0 @@ -90,7 +90,7 @@ dependencies: - libedit=3.1.20191231=h0678c8f_2 - libevent=2.1.12=ha90c15b_1 - libgfortran=5.0.0=13_2_0_h97931a8_1 - - libglib=2.78.1=h198397b_1 + - libglib=2.78.3=h198397b_0 - libkml=1.3.0=hab3ca0e_1018 - libllvm15=15.0.7=he4b1e75_3 - libnghttp2=1.58.0=h64cf6d3_0 @@ -159,7 +159,7 @@ dependencies: - defusedxml=0.7.1=pyhd8ed1ab_0 - distlib=0.3.7=pyhd8ed1ab_0 - docstring_parser=0.15=pyhd8ed1ab_0 - - docutils=0.20.1=py311h6eed73b_2 + - docutils=0.20.1=py311h6eed73b_3 - entrypoints=0.4=pyhd8ed1ab_0 - et_xmlfile=1.1.0=pyhd8ed1ab_0 - exceptiongroup=1.2.0=pyhd8ed1ab_0 @@ -190,10 +190,10 @@ dependencies: - libcurl=8.4.0=h726d00d_0 - libgd=2.3.3=h0dceb68_9 - libgrpc=1.59.2=ha7f534c_0 - - libpq=16.1=h6dd4ff7_2 + - libpq=16.1=h6dd4ff7_0 - llvmlite=0.41.1=py311hb5c2e0a_0 - locket=1.0.0=pyhd8ed1ab_0 - - lxml=4.9.3=py311h19a211c_1 + - lxml=4.9.3=py311h719c1e2_2 - marko=2.0.2=pyhd8ed1ab_0 - markupsafe=2.1.3=py311h2725bcf_1 - mdurl=0.1.0=pyhd8ed1ab_0 @@ -203,7 +203,6 @@ dependencies: - msgpack-python=1.0.7=py311h7bea37d_0 - multidict=6.0.4=py311h5547dcb_1 - multimethod=1.9.1=pyhd8ed1ab_0 - - munch=4.0.0=pyhd8ed1ab_0 - munkres=1.1.4=pyh9f0ad1d_0 - mypy_extensions=1.0.0=pyha770c72_0 - nest-asyncio=1.5.8=pyhd8ed1ab_0 @@ -301,7 +300,7 @@ dependencies: - bleach=6.1.0=pyhd8ed1ab_0 - cached-property=1.5.2=hd8ed1ab_1 - cffi=1.16.0=py311hc0b63fd_0 - - cfitsio=4.3.1=h60fb419_0 + - cfitsio=4.3.0=h66f91ea_0 - click-default-group=1.2.4=pyhd8ed1ab_0 - click-default-group-wheel=1.2.2=pyhd8ed1ab_0 - click-plugins=1.1.1=py_0 @@ -346,12 +345,12 @@ dependencies: - pexpect=4.8.0=pyh1a96a4e_2 - pint=0.22=pyhd8ed1ab_1 - pip=23.3.1=pyhd8ed1ab_0 - - poppler=23.12.0=hdd5a5e8_0 - - postgresql=16.1=h413614c_2 + - poppler=23.11.0=hdd5a5e8_0 + - postgresql=16.1=h413614c_0 - proj=9.3.0=h23b96cc_2 - prompt-toolkit=3.0.41=pyha770c72_0 - protobuf=4.24.4=py311h021eaf5_0 - - psycopg2=2.9.9=py311h187f0af_0 + - psycopg2=2.9.7=py311h187f0af_1 - pyasn1-modules=0.3.0=pyhd8ed1ab_0 - pyobjc-core=10.0=py311hf110eff_0 - pyproject_hooks=1.0.0=pyhd8ed1ab_0 @@ -360,7 +359,7 @@ dependencies: - python-slugify=8.0.1=pyhd8ed1ab_2 - pyu2f=0.1.5=pyhd8ed1ab_0 - qtpy=2.4.1=pyhd8ed1ab_0 - - referencing=0.31.1=pyhd8ed1ab_0 + - referencing=0.32.0=pyhd8ed1ab_0 - restructuredtext_lint=1.4.0=pyhd8ed1ab_0 - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rsa=4.9=pyhd8ed1ab_0 @@ -383,7 +382,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hf3941dc_6 - - botocore=1.33.7=pyhd8ed1ab_0 + - botocore=1.33.9=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.7=py311h48c7838_1 @@ -391,7 +390,7 @@ dependencies: - geotiff=1.7.1=h889ec99_14 - gitpython=3.1.40=pyhd8ed1ab_0 - google-crc32c=1.1.2=py311h0b57020_5 - - googleapis-common-protos=1.61.0=pyhd8ed1ab_0 + - googleapis-common-protos=1.62.0=pyhd8ed1ab_0 - gql=3.4.1=pyhd8ed1ab_0 - graphql-relay=3.2.0=pyhd8ed1ab_0 - grpcio-health-checking=1.59.2=pyhd8ed1ab_0 @@ -408,7 +407,7 @@ dependencies: - pbr=6.0.0=pyhd8ed1ab_0 - pendulum=2.1.2=py311h2725bcf_6 - prompt_toolkit=3.0.41=hd8ed1ab_0 - - psycopg2-binary=2.9.9=pyhd8ed1ab_0 + - psycopg2-binary=2.9.7=pyhd8ed1ab_1 - pybtex=0.24.0=pyhd8ed1ab_2 - pydantic-core=2.14.5=py311h5e0f0e4_0 - pyobjc-framework-cocoa=10.0=py311hf110eff_1 @@ -445,13 +444,13 @@ dependencies: - gtk2=2.24.33=h7c1209e_2 - h3-py=3.7.6=py311hdf8f085_1 - httpx=0.25.2=pyhd8ed1ab_0 - - identify=2.5.32=pyhd8ed1ab_0 - - ipython=8.18.1=pyh31011fe_2 + - identify=2.5.33=pyhd8ed1ab_0 + - ipython=8.18.1=pyh707e725_3 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 - keyring=24.3.0=py311h6eed73b_0 - - libgdal=3.8.1=hb7f764b_1 + - libgdal=3.8.0=h5b0c7d5_6 - librsvg=2.56.3=hec3db73_0 - numba=0.58.1=py311h32f2313_0 - numexpr=2.8.7=py311h1eadf79_4 @@ -471,16 +470,16 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=h6eed73b_0 - - boto3=1.33.7=pyhd8ed1ab_0 + - boto3=1.33.9=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.10=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 - frictionless=4.40.8=pyh6c4a22f_0 - - gdal=3.8.1=py311h5646c56_1 + - gdal=3.8.0=py311h5646c56_6 - geopandas-base=0.14.1=pyha770c72_0 - - google-auth=2.24.0=pyhca7485f_0 + - google-auth=2.25.1=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - graphviz=9.0.0=hee74176_1 - ipykernel=6.26.0=pyh3cd1d5f_0 @@ -493,14 +492,14 @@ dependencies: - pre-commit=3.5.0=pyha770c72_0 - pydantic-settings=2.1.0=pyhd8ed1ab_1 - requests-oauthlib=1.3.1=pyhd8ed1ab_0 - - scikit-learn=1.3.2=py311h66081b9_1 + - scikit-learn=1.3.2=py311h66081b9_2 - timezonefinder=6.2.0=py311he705e18_2 - catalystcoop.ferc_xbrl_extractor=1.3.1=pyhd8ed1ab_0 - conda-lock=2.5.1=pyhd8ed1ab_0 - dagster-graphql=1.5.10=pyhd8ed1ab_0 - dagster-postgres=0.21.10=pyhd8ed1ab_0 - - fiona=1.9.5=py311h809632c_1 - - google-api-core=2.14.0=pyhd8ed1ab_0 + - fiona=1.9.5=py311h809632c_2 + - google-api-core=2.15.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 - jupyter_console=6.6.3=pyhd8ed1ab_0 - jupyter_events=0.9.0=pyhd8ed1ab_0 @@ -516,14 +515,14 @@ dependencies: - tabulator=1.53.5=pyhd8ed1ab_0 - dagster-webserver=1.5.10=pyhd8ed1ab_0 - geopandas=0.14.1=pyhd8ed1ab_0 - - google-cloud-core=2.3.3=pyhd8ed1ab_0 + - google-cloud-core=2.4.1=pyhd8ed1ab_0 - libarrow-dataset=14.0.1=hc222712_3_cpu - libarrow-flight-sql=14.0.1=h2cc6c1c_3_cpu - nbconvert-core=7.12.0=pyhd8ed1ab_0 - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - jupyter_server=2.11.2=pyhd8ed1ab_0 + - jupyter_server=2.12.1=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h2cc6c1c_3_cpu - nbconvert-pandoc=7.12.0=pyhd8ed1ab_0 - gcsfs=2023.12.1=pyhd8ed1ab_0 diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index e3b7283ddb..9f64382dfb 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -71,7 +71,7 @@ dependencies: - lz4-c=1.9.4=hb7217d7_0 - ncurses=6.4=h463b476_2 - nspr=4.35=hb7217d7_0 - - openssl=3.2.0=h0d3ecfb_1 + - openssl=3.1.4=h0d3ecfb_0 - pcre2=10.42=h26f9a81_0 - pixman=0.42.2=h13dd4ca_0 - snappy=1.1.10=h17c5cce_0 @@ -90,7 +90,7 @@ dependencies: - libedit=3.1.20191231=hc8eb9b7_2 - libevent=2.1.12=h2757513_1 - libgfortran=5.0.0=13_2_0_hd922786_1 - - libglib=2.78.2=hb438215_0 + - libglib=2.78.3=hb438215_0 - libkml=1.3.0=h1eb4d9f_1018 - libllvm15=15.0.7=h504e6bf_3 - libnghttp2=1.58.0=ha4dd798_0 @@ -159,7 +159,7 @@ dependencies: - defusedxml=0.7.1=pyhd8ed1ab_0 - distlib=0.3.7=pyhd8ed1ab_0 - docstring_parser=0.15=pyhd8ed1ab_0 - - docutils=0.20.1=py311h267d04e_2 + - docutils=0.20.1=py311h267d04e_3 - entrypoints=0.4=pyhd8ed1ab_0 - et_xmlfile=1.1.0=pyhd8ed1ab_0 - exceptiongroup=1.2.0=pyhd8ed1ab_0 @@ -190,10 +190,10 @@ dependencies: - libcurl=8.4.0=h2d989ff_0 - libgd=2.3.3=hfdf3952_9 - libgrpc=1.59.2=hbcf6334_0 - - libpq=16.1=hd435d45_2 + - libpq=16.1=hd435d45_0 - llvmlite=0.41.1=py311hf5d242d_0 - locket=1.0.0=pyhd8ed1ab_0 - - lxml=4.9.3=py311hbafe683_1 + - lxml=4.9.3=py311hdef8331_2 - marko=2.0.2=pyhd8ed1ab_0 - markupsafe=2.1.3=py311heffc1b2_1 - mdurl=0.1.0=pyhd8ed1ab_0 @@ -203,7 +203,6 @@ dependencies: - msgpack-python=1.0.7=py311hd03642b_0 - multidict=6.0.4=py311he2be06e_1 - multimethod=1.9.1=pyhd8ed1ab_0 - - munch=4.0.0=pyhd8ed1ab_0 - munkres=1.1.4=pyh9f0ad1d_0 - mypy_extensions=1.0.0=pyha770c72_0 - nest-asyncio=1.5.8=pyhd8ed1ab_0 @@ -301,7 +300,7 @@ dependencies: - bleach=6.1.0=pyhd8ed1ab_0 - cached-property=1.5.2=hd8ed1ab_1 - cffi=1.16.0=py311h4a08483_0 - - cfitsio=4.3.1=h808cd33_0 + - cfitsio=4.3.0=hca87796_0 - click-default-group=1.2.4=pyhd8ed1ab_0 - click-default-group-wheel=1.2.2=pyhd8ed1ab_0 - click-plugins=1.1.1=py_0 @@ -346,12 +345,12 @@ dependencies: - pexpect=4.8.0=pyh1a96a4e_2 - pint=0.22=pyhd8ed1ab_1 - pip=23.3.1=pyhd8ed1ab_0 - - poppler=23.12.0=hcdd998b_0 - - postgresql=16.1=hc6ab77f_2 + - poppler=23.11.0=hcdd998b_0 + - postgresql=16.1=hc6ab77f_0 - proj=9.3.0=h52fb9d0_2 - prompt-toolkit=3.0.41=pyha770c72_0 - protobuf=4.24.4=py311h4d1eceb_0 - - psycopg2=2.9.9=py311h589e011_0 + - psycopg2=2.9.7=py311h589e011_1 - pyasn1-modules=0.3.0=pyhd8ed1ab_0 - pyobjc-core=10.0=py311hb702dc4_0 - pyproject_hooks=1.0.0=pyhd8ed1ab_0 @@ -360,7 +359,7 @@ dependencies: - python-slugify=8.0.1=pyhd8ed1ab_2 - pyu2f=0.1.5=pyhd8ed1ab_0 - qtpy=2.4.1=pyhd8ed1ab_0 - - referencing=0.31.1=pyhd8ed1ab_0 + - referencing=0.32.0=pyhd8ed1ab_0 - restructuredtext_lint=1.4.0=pyhd8ed1ab_0 - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rsa=4.9=pyhd8ed1ab_0 @@ -383,7 +382,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hba4ac3b_6 - - botocore=1.33.7=pyhd8ed1ab_0 + - botocore=1.33.9=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.7=py311h08c85a6_1 @@ -391,7 +390,7 @@ dependencies: - geotiff=1.7.1=h71398c0_14 - gitpython=3.1.40=pyhd8ed1ab_0 - google-crc32c=1.1.2=py311h533d1a3_5 - - googleapis-common-protos=1.61.0=pyhd8ed1ab_0 + - googleapis-common-protos=1.62.0=pyhd8ed1ab_0 - gql=3.4.1=pyhd8ed1ab_0 - graphql-relay=3.2.0=pyhd8ed1ab_0 - grpcio-health-checking=1.59.2=pyhd8ed1ab_0 @@ -408,7 +407,7 @@ dependencies: - pbr=6.0.0=pyhd8ed1ab_0 - pendulum=2.1.2=py311heffc1b2_6 - prompt_toolkit=3.0.41=hd8ed1ab_0 - - psycopg2-binary=2.9.9=pyhd8ed1ab_0 + - psycopg2-binary=2.9.7=pyhd8ed1ab_1 - pybtex=0.24.0=pyhd8ed1ab_2 - pydantic-core=2.14.5=py311h94f323b_0 - pyobjc-framework-cocoa=10.0=py311hb702dc4_1 @@ -445,13 +444,13 @@ dependencies: - gtk2=2.24.33=h57013de_2 - h3-py=3.7.6=py311ha891d26_1 - httpx=0.25.2=pyhd8ed1ab_0 - - identify=2.5.32=pyhd8ed1ab_0 - - ipython=8.18.1=pyh31011fe_2 + - identify=2.5.33=pyhd8ed1ab_0 + - ipython=8.18.1=pyh707e725_3 - isoduration=20.11.0=pyhd8ed1ab_0 - jsonschema=4.20.0=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 - keyring=24.3.0=py311h267d04e_0 - - libgdal=3.8.1=hac00559_1 + - libgdal=3.8.0=h76f3012_6 - librsvg=2.56.3=h0db3404_0 - numba=0.58.1=py311h9ec4793_0 - numexpr=2.8.7=py311h6e08293_4 @@ -471,16 +470,16 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=ha1ab1f8_0 - - boto3=1.33.7=pyhd8ed1ab_0 + - boto3=1.33.9=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - dagster=1.5.10=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 - frictionless=4.40.8=pyh6c4a22f_0 - - gdal=3.8.1=py311h32a4f3d_1 + - gdal=3.8.0=py311h32a4f3d_6 - geopandas-base=0.14.1=pyha770c72_0 - - google-auth=2.24.0=pyhca7485f_0 + - google-auth=2.25.1=pyhca7485f_0 - gql-with-requests=3.4.1=pyhd8ed1ab_0 - graphviz=9.0.0=h3face73_1 - ipykernel=6.26.0=pyh3cd1d5f_0 @@ -493,14 +492,14 @@ dependencies: - pre-commit=3.5.0=pyha770c72_0 - pydantic-settings=2.1.0=pyhd8ed1ab_1 - requests-oauthlib=1.3.1=pyhd8ed1ab_0 - - scikit-learn=1.3.2=py311ha25ca4d_1 + - scikit-learn=1.3.2=py311ha25ca4d_2 - timezonefinder=6.2.0=py311h05b510d_2 - catalystcoop.ferc_xbrl_extractor=1.3.1=pyhd8ed1ab_0 - conda-lock=2.5.1=pyhd8ed1ab_0 - dagster-graphql=1.5.10=pyhd8ed1ab_0 - dagster-postgres=0.21.10=pyhd8ed1ab_0 - - fiona=1.9.5=py311h4760b73_1 - - google-api-core=2.14.0=pyhd8ed1ab_0 + - fiona=1.9.5=py311h4760b73_2 + - google-api-core=2.15.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 - jupyter_console=6.6.3=pyhd8ed1ab_0 - jupyter_events=0.9.0=pyhd8ed1ab_0 @@ -516,14 +515,14 @@ dependencies: - tabulator=1.53.5=pyhd8ed1ab_0 - dagster-webserver=1.5.10=pyhd8ed1ab_0 - geopandas=0.14.1=pyhd8ed1ab_0 - - google-cloud-core=2.3.3=pyhd8ed1ab_0 + - google-cloud-core=2.4.1=pyhd8ed1ab_0 - libarrow-dataset=14.0.1=had9dd58_3_cpu - libarrow-flight-sql=14.0.1=h660fe36_3_cpu - nbconvert-core=7.12.0=pyhd8ed1ab_0 - tableschema=1.19.3=pyh9f0ad1d_0 - datapackage=1.15.2=pyh44b312d_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - jupyter_server=2.11.2=pyhd8ed1ab_0 + - jupyter_server=2.12.1=pyhd8ed1ab_0 - libarrow-substrait=14.0.1=h594d712_3_cpu - nbconvert-pandoc=7.12.0=pyhd8ed1ab_0 - gcsfs=2023.12.1=pyhd8ed1ab_0 From cced81d2c91023759a8c61a44f12bbe3c0f81785 Mon Sep 17 00:00:00 2001 From: zschira Date: Fri, 8 Dec 2023 09:29:57 -0500 Subject: [PATCH 38/60] Remove redundant logs --- src/pudl/analysis/record_linkage/models.py | 15 +++++---------- 1 file changed, 5 insertions(+), 10 deletions(-) diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/models.py index 67dd3f283e..937792173c 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/models.py @@ -426,21 +426,16 @@ def match_orphaned_records( @graph def link_ids_cross_year(df: pd.DataFrame): """Apply model and return column of estimated record labels.""" - logger.info("Train DataFrame embedder.") + # Embed dataframe transformer = train_dataframe_embedder(df) - logger.info("Embedding dataframe.") feature_matrix = embed_dataframe(df, transformer) - logger.info("Training PCA step.") - # pca = train_incremental_pca(feature_matrix) - logger.info("Apply PCA to feature matrix.") - # feature_matrix = apply_incremental_pca(feature_matrix, pca) - logger.info("Computing distance matrix.") + + # Compute distances and apply penalty for records from same year distance_matrix = compute_distance_with_year_penalty(feature_matrix, df) - logger.info("Generate initial record pairing.") + + # Label records id_year_df = cluster_records_dbscan(distance_matrix, df) - logger.info("Split overmerged clusters.") id_year_df = split_clusters(distance_matrix, id_year_df) - logger.info("Assign orphaned records.") id_year_df = match_orphaned_records(distance_matrix, id_year_df) return id_year_df From 4b111986716ab2e3d34edd46beb386168639fb90 Mon Sep 17 00:00:00 2001 From: zschira Date: Fri, 8 Dec 2023 15:48:13 -0500 Subject: [PATCH 39/60] Remove files from wrong branch --- .../analysis/record_linkage/cleaning_steps.py | 269 ------------------ .../ferc1_eia_record_linkage.py | 17 -- 2 files changed, 286 deletions(-) delete mode 100644 src/pudl/analysis/record_linkage/cleaning_steps.py delete mode 100644 src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py diff --git a/src/pudl/analysis/record_linkage/cleaning_steps.py b/src/pudl/analysis/record_linkage/cleaning_steps.py deleted file mode 100644 index f47c1a89b5..0000000000 --- a/src/pudl/analysis/record_linkage/cleaning_steps.py +++ /dev/null @@ -1,269 +0,0 @@ -"""This module contains the implementation of CompanyNameCleaner class from OS-Climate's financial-entity-cleaner package.""" - -import enum -import json -import logging -import re -from importlib.resources import as_file, files -from typing import Literal - -import pandas as pd -from pydantic import BaseModel - -logger = logging.getLogger(__name__) - -CLEANING_RULES_DICT = { - "remove_email": [" ", r"\S*@\S*\s?"], - "remove_url": [" ", r"https*\S+"], - "remove_word_the_from_the_end": [" ", r"the$"], - "place_word_the_at_the_beginning": [" ", r"the$"], - "remove_www_address": [" ", r"https?://[.\w]{3,}|www.[.\w]{3,}"], - "enforce_single_space_between_words": [" ", r"\s+"], - "replace_amperstand_by_AND": [" and ", r"&"], - "add_space_between_amperstand": [" & ", r"&"], - "add_space_before_opening_parentheses": [" (", r"\("], - "add_space_after_closing_parentheses": [") ", r"\)"], - "replace_amperstand_between_space_by_AND": [" and ", r"\s+&\s+"], - "replace_hyphen_by_space": [" ", r"-"], - "replace_hyphen_between_spaces_by_single_space": [" ", r"\s+-\s+"], - "replace_underscore_by_space": [" ", r"_"], - "replace_underscore_between_spaces_by_single_space": [" ", r"\s+_\s+"], - "remove_all_punctuation": [" ", r"([^\w\s])"], - "remove_punctuation_except_dot": [" ", r"([^\w\s.])"], - "remove_mentions": [" ", r"@\S+"], - "remove_hashtags": [" ", r"#\S+"], - "remove_numbers": [" ", r"\w*\d+\w*"], - "remove_text_puctuation": [" ", r'\;|\:|\,|\.|\?|\!|"'], - "remove_text_puctuation_except_dot": [" ", r'\;|\:|\,|\?|\!|"'], - "remove_math_symbols": [" ", r"\+|\-|\*|\>|\<|\=|\%"], - "remove_math_symbols_except_dash": [" ", r"\+|\*|\>|\<|\=|\%"], - "remove_parentheses": ["", r"\(|\)"], - "remove_brackets": ["", r"\[|\]"], - "remove_curly_brackets": ["", r"\{|\}"], - "remove_single_quote_next_character": [" ", r"'\w+"], - "remove_single_quote": [" ", r"'"], - "remove_double_quote": [" ", r'"'], - "remove_words_in_parentheses": [" ", r"\([^()]*\)"], - "repeat_remove_words_in_parentheses": [" ", r"remove_words_in_parentheses"], -} - - -class LegalTermLocation(enum.Enum): - """The location of the legal terms within the name string.""" - - AT_THE_END = 1 - ANYWHERE = 2 - - -class CompanyNameCleaner(BaseModel): - """Class to normalize/clean up text based company names.""" - - # Constants used internally by the class - __NAME_LEGAL_TERMS_DICT_FILE = "us_legal_forms.json" - __NAME_JSON_ENTRY_LEGAL_TERMS = "legal_forms" - - #: A flag to indicate if the cleaning process must normalize - #: text's legal terms. e.g. LTD => LIMITED. - cleaning_rules_list: list[str] = [ - "replace_amperstand_between_space_by_AND", - "replace_hyphen_between_spaces_by_single_space", - "replace_underscore_by_space", - "replace_underscore_between_spaces_by_single_space", - "remove_text_puctuation_except_dot", - "remove_math_symbols", - "remove_words_in_parentheses", - "remove_parentheses", - "remove_brackets", - "remove_curly_brackets", - "enforce_single_space_between_words", - ] - - #: A flag to indicate if the cleaning process must normalize - normalize_legal_terms: bool = True - - #: Define if unicode characters should be removed from text's name - #: This cleaning rule is treated separated from the regex rules because it depends on the - #: language of the text's name. For instance, russian or japanese text's may contain - #: unicode characters, while portuguese and french companies may not. - remove_unicode: bool = False - - #: Define the letter case of the cleaning output - output_lettercase: Literal["lower", "title"] = "lower" - - #: Where in the string are legal terms found - legal_term_location: LegalTermLocation = LegalTermLocation.AT_THE_END - - #: Define if the letters with accents are replaced with non-accented ones - remove_accents: bool = False - - def _apply_regex_rules( - self, str_value: str, dict_regex_rules: dict[str, list[str]] - ) -> str: - r"""Applies several cleaning rules based on a custom dictionary. - - The dictionary must contain cleaning rules written in regex format. - - Arguments: - str_value (str): any value as string to be cleaned up. - dict_regex_rules (dict): a dictionary of cleaning rules writen in regex with the format - [rule name] : ['replacement', 'regex rule'] - - Returns: - (str): the modified/cleaned value. - """ - clean_value = str_value - # Iterate through the dictionary and apply each regex rule - for name_rule, cleaning_rule in dict_regex_rules.items(): - # First element is the replacement - replacement = cleaning_rule[0] - # Second element is the regex rule - regex_rule = cleaning_rule[1] - - # Check if the regex rule is actually a reference to another regex rule. - # By adding a name of another regex rule in the place of the rule itself allows the execution - # of a regex rule twice - if regex_rule in dict_regex_rules: - replacement = dict_regex_rules[cleaning_rule[1]][0] - regex_rule = dict_regex_rules[cleaning_rule[1]][1] - - # Make sure to use raw string - regex_rule = rf"{regex_rule}" - - # Treat the special case of the word THE at the end of a text's name - found_the_word_the = None - if name_rule == "place_word_the_at_the_beginning": - found_the_word_the = re.search(regex_rule, clean_value) - - # Apply the regex rule - clean_value = re.sub(regex_rule, replacement, clean_value) - - # Adjust the name for the case of rule - if found_the_word_the is not None: - clean_value = "the " + clean_value - - return clean_value - - def _remove_unicode_chars(self, value: str) -> str: - """Removes unicode character that is unreadable when converted to ASCII format. - - Arguments: - value (str): any string containing unicode characters. - - Returns: - (str): the corresponding input string without unicode characters. - """ - # Remove all unicode characters if any - clean_value = value.encode("ascii", "ignore").decode() - return clean_value - - def _apply_cleaning_rules(self, company_name: str) -> str: - """Apply the cleaning rules from the dictionary of regex rules.""" - cleaning_dict = {} - for rule_name in self.cleaning_rules_list: - cleaning_dict[rule_name] = CLEANING_RULES_DICT[rule_name] - - # Apply all the cleaning rules - clean_company_name = self._apply_regex_rules(company_name, cleaning_dict) - return clean_company_name - - def _apply_normalization_of_legal_terms(self, company_name: str) -> str: - """Apply the normalization of legal terms according to dictionary of regex rules.""" - # Make sure to remove extra spaces, so legal terms can be found in the end (if requested) - clean_company_name = company_name.strip() - - # The dictionary of legal terms define how to normalize the text's legal form abreviations - json_source = files("pudl.package_data.settings").joinpath( - self.__NAME_LEGAL_TERMS_DICT_FILE - ) - with as_file(json_source) as json_file_path: - _dict_legal_terms = json.load(json_file_path.open())[ - self.__NAME_JSON_ENTRY_LEGAL_TERMS - ]["en"] - - # Apply normalization for legal terms - # Iterate through the dictionary of legal terms - for replacement, legal_terms in _dict_legal_terms.items(): - # Each replacement has a list of possible terms to be searched for - replacement = " " + replacement.lower() + " " - for legal_term in legal_terms: - # Make sure to use raw string - legal_term = legal_term.lower() - # If the legal term has . (dots), then apply regex directly on the legal term - # Otherwise, if it's a legal term with only letters in sequence, make sure - # that regex find the legal term as a word (\\bLEGAL_TERM\\b) - if legal_term.find(".") > -1: - legal_term = legal_term.replace(".", "\\.") - else: - legal_term = "\\b" + legal_term + "\\b" - # Check if the legal term should be found only at the end of the string - if self.legal_term_location == LegalTermLocation.AT_THE_END: - legal_term = legal_term + "$" - # ...and it's a raw string - regex_rule = rf"{legal_term}" - # Apply the replacement - clean_company_name = re.sub(regex_rule, replacement, clean_company_name) - return clean_company_name - - def get_clean_data(self, company_name: str) -> str: - """Clean a name and normalize legal terms. - - If ``company_name`` is null or not a string value, pd.NA - will be returned. - - Arguments: - company_name (str): the original text - - Returns: - clean_company_name (str): the clean version of the text - """ - if not isinstance(company_name, str): - if company_name is not pd.NA: - logger.warning(f"{company_name} is not a string.") - return pd.NA - - # Remove all unicode characters in the text's name, if requested - if self.remove_unicode: - clean_company_name = self._remove_unicode_chars(company_name) - else: - clean_company_name = company_name - - # Remove space in the beginning and in the end and convert it to lower case - clean_company_name = clean_company_name.strip().lower() - - # Apply all the cleaning rules - clean_company_name = self._apply_cleaning_rules(clean_company_name) - - # Apply normalization for legal terms - if self.normalize_legal_terms: - clean_company_name = self._apply_normalization_of_legal_terms( - clean_company_name - ) - - # Apply the letter case, if different from 'lower' - if self.output_lettercase == "upper": - clean_company_name = clean_company_name.upper() - elif self.output_lettercase == "title": - clean_company_name = clean_company_name.title() - - # Remove excess of white space that might be introduced during previous cleaning - clean_company_name = clean_company_name.strip() - clean_company_name = re.sub(r"\s+", " ", clean_company_name) - - return clean_company_name - - def get_clean_column( - self, - df: pd.DataFrame, - ) -> pd.Series: - """Clean up text names in a dataframe. - - Arguments: - df (dataframe): the input dataframe that contains the text's name to be cleaned - in_company_name_attribute (str): the attribute in the dataframe that contains the names - out_company_name_attribute (str): the attribute to be created for the clean version of - the text's name - - Returns: - df (dataframe): the clean version of the input dataframe - """ - return df.squeeze().apply(self.get_clean_data) diff --git a/src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py b/src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py deleted file mode 100644 index 8fcfb0a057..0000000000 --- a/src/pudl/analysis/record_linkage/ferc1_eia_record_linkage.py +++ /dev/null @@ -1,17 +0,0 @@ -"""Connect FERC1 plant tables to EIA's plant-parts via record linkage. - -FERC plant records are reported very non-uniformly. In the same table there are records -that are reported as whole plants, individual generators, and collections of prime -movers. This means portions of EIA plants that correspond to a plant record in FERC -Form 1 are heterogeneous, which complicates using the two data sets together. - -The EIA plant data is much cleaner and more uniformly structured. The are generators -with ids and plants with ids reported in *seperate* tables. Several generator IDs are -typically grouped under a single plant ID. In :mod:`pudl.analysis.plant_parts_eia`, -we create a large number of synthetic aggregated records representing many possible -slices of a power plant which could in theory be what is actually reported in the FERC -Form 1. - -In this module we infer which of the many ``plant_parts_eia`` records is most likely to -correspond to an actually reported FERC Form 1 plant record. -""" From 49cf1a83f4a362cb757a733f0abebdb8fe0108c4 Mon Sep 17 00:00:00 2001 From: zschira Date: Sun, 10 Dec 2023 15:31:16 -0500 Subject: [PATCH 40/60] Add factory function for creating dataframe embedder --- .../record_linkage/classify_plants_ferc1.py | 141 +++++------ .../record_linkage/embed_dataframe.py | 181 ++++++++++++++ .../{models.py => link_cross_year.py} | 229 +----------------- test/integration/record_linkage.py | 18 +- 4 files changed, 259 insertions(+), 310 deletions(-) create mode 100644 src/pudl/analysis/record_linkage/embed_dataframe.py rename src/pudl/analysis/record_linkage/{models.py => link_cross_year.py} (51%) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 435bb4f878..f91f7f7bcf 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -14,10 +14,8 @@ from dagster import graph, op import pudl -from pudl.analysis.record_linkage.models import ( - column_transform_from_key, - link_ids_cross_year, -) +from pudl.analysis.record_linkage import embed_dataframe +from pudl.analysis.record_linkage.link_cross_year import link_ids_cross_year logger = pudl.logging_helpers.get_logger(__name__) @@ -31,84 +29,60 @@ "waste_fraction_mmbtu", ] -_MODEL_CONFIG = { - "link_ids_cross_year": { - "ops": { - "train_dataframe_embedder": { - "config": { - "transform_steps": { - "plant_name": { - "transforms": [ - column_transform_from_key("name_cleaner_transform"), - column_transform_from_key("string_transform"), - ], - "weight": 2.0, - "columns": ["plant_name_ferc1"], - }, - "plant_type": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_empty_str", - ), - column_transform_from_key("categorical_transform"), - ], - "weight": 2.0, - "columns": ["plant_type"], - }, - "construction_type": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_empty_str", - ), - column_transform_from_key("categorical_transform"), - ], - "columns": ["construction_type"], - }, - "capacity_mw": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_zero", - ), - column_transform_from_key("numerical_transform"), - ], - "columns": ["capacity_mw"], - }, - "construction_year": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="fix_int_na", - ), - column_transform_from_key("categorical_transform"), - ], - "columns": ["construction_year"], - }, - "utility_id_ferc1": { - "transforms": [ - column_transform_from_key("categorical_transform") - ], - "columns": ["utility_id_ferc1"], - }, - "fuel_fractions": { - "transforms": [ - column_transform_from_key( - "cleaning_function_transform", - transform_function="null_to_zero", - ), - column_transform_from_key("numerical_transform"), - column_transform_from_key("normalize_transform"), - ], - "columns": _FUEL_COLS, - }, - } - } - }, - } + +embed_dataframe = embed_dataframe.dataframe_embedder_factory( + { + "plant_name": embed_dataframe.ColumnVectorizer( + transform_steps=[ + embed_dataframe.NameCleaner(), + embed_dataframe.TextVectorizer(), + ], + weight=2.0, + columns=["plant_name_ferc1"], + ), + "plant_type": embed_dataframe.ColumnVectorizer( + transform_steps=[ + embed_dataframe.ColumnCleaner(cleaning_function="null_to_empty_str"), + embed_dataframe.CategoricalVectorizer(), + ], + weight=2.0, + columns=["plant_type"], + ), + "construction_type": embed_dataframe.ColumnVectorizer( + transform_steps=[ + embed_dataframe.ColumnCleaner(cleaning_function="null_to_empty_str"), + embed_dataframe.CategoricalVectorizer(), + ], + columns=["construction_type"], + ), + "capacity_mw": embed_dataframe.ColumnVectorizer( + transform_steps=[ + embed_dataframe.ColumnCleaner(cleaning_function="null_to_zero"), + embed_dataframe.NumericalVectorizer(), + ], + columns=["capacity_mw"], + ), + "construction_year": embed_dataframe.ColumnVectorizer( + transform_steps=[ + embed_dataframe.ColumnCleaner(cleaning_function="fix_int_na"), + embed_dataframe.CategoricalVectorizer(), + ], + columns=["construction_year"], + ), + "utility_id_ferc1": embed_dataframe.ColumnVectorizer( + transform_steps=[embed_dataframe.CategoricalVectorizer()], + columns=["utility_id_ferc1"], + ), + "fuel_fractions": embed_dataframe.ColumnVectorizer( + transform_steps=[ + embed_dataframe.ColumnCleaner(cleaning_function="null_to_zero"), + embed_dataframe.NumericalVectorizer(), + embed_dataframe.NumericalNormalizer(), + ], + columns=_FUEL_COLS, + ), } -} +) @op @@ -171,7 +145,7 @@ def merge_steam_fuel_dfs( ) -@graph(config=_MODEL_CONFIG) +@graph def plants_steam_assign_plant_ids( ferc1_steam_df: pd.DataFrame, ferc1_fuel_df: pd.DataFrame, @@ -186,7 +160,8 @@ def plants_steam_assign_plant_ids( logger.info("Identifying distinct large FERC plants for ID assignment.") input_df = merge_steam_fuel_dfs(ferc1_steam_df, ferc1_fuel_df, fuel_categories) - label_df = link_ids_cross_year(input_df) + feature_matrix = embed_dataframe(input_df) + label_df = link_ids_cross_year(input_df, feature_matrix) return plants_steam_validate_ids(ferc1_steam_df, label_df) diff --git a/src/pudl/analysis/record_linkage/embed_dataframe.py b/src/pudl/analysis/record_linkage/embed_dataframe.py new file mode 100644 index 0000000000..17c5f3f026 --- /dev/null +++ b/src/pudl/analysis/record_linkage/embed_dataframe.py @@ -0,0 +1,181 @@ +"""Tools for embedding a DataFrame to create feature matrix for models.""" +from abc import ABC, abstractmethod +from dataclasses import dataclass + +import numpy as np +import pandas as pd +import scipy +from dagster import graph, op +from pydantic import BaseModel +from sklearn.base import BaseEstimator +from sklearn.compose import ColumnTransformer +from sklearn.feature_extraction.text import TfidfVectorizer +from sklearn.pipeline import Pipeline +from sklearn.preprocessing import ( + FunctionTransformer, + MinMaxScaler, + Normalizer, + OneHotEncoder, +) + +import pudl +from pudl.analysis.record_linkage.name_cleaner import CompanyNameCleaner + + +@dataclass +class FeatureMatrix: + """Class to wrap a feature matrix returned from dataframe embedding. + + Depending on the transformations applied, a feature matrix may be sparse or dense + matrix. Using this wrapper enables Dagsters type checking while allowing both dense + and sparse matrices underneath. + """ + + matrix: np.ndarray | scipy.sparse.csr_matrix + + +class TransformStep(BaseModel, ABC): + """TransformStep's can be combined to vectorize one or more columns. + + This class defines a very simple interface for TransformStep's, which essentially + says that a TransformStep should take configuration and implement the method as_transformer. + """ + + name: str + + @abstractmethod + def as_transformer(self) -> BaseEstimator: + """This method should use configuration to produce a :class:`sklearn.base.BaseEstimator`.""" + ... + + +class ColumnVectorizer(BaseModel): + """Define a set of transformations to apply to one or more columns.""" + + transform_steps: list[TransformStep] + weight: float = 1.0 + columns: list[str] + + def as_pipeline(self): + """Return :class:`sklearn.pipeline.Pipeline` with configuration.""" + return Pipeline( + [ + ( + step.name, + step.as_transformer(), + ) + for step in self.transform_steps + ] + ) + + +def dataframe_embedder_factory(vectorizers: dict[str, ColumnVectorizer]): + """Return a configured op graph to embed an input dataframe.""" + + @op + def train_dataframe_embedder(df: pd.DataFrame): + """Train :class:`sklearn.compose.ColumnTransformer` on input.""" + column_transformer = ColumnTransformer( + transformers=[ + (name, column_transform.as_pipeline(), column_transform.columns) + for name, column_transform in vectorizers.items() + ], + transformer_weights={ + name: column_transform.weight + for name, column_transform in vectorizers.items() + }, + ) + + return column_transformer.fit(df) + + @op + def apply_embed_dataframe(df: pd.DataFrame, transformer: ColumnTransformer): + """Use :class:`sklearn.compose.ColumnTransformer` to transform input.""" + return FeatureMatrix(matrix=transformer.transform(df)) + + @graph + def embed_dataframe(df: pd.DataFrame) -> FeatureMatrix: + """Train dataframe embedder and apply to input df.""" + transformer = train_dataframe_embedder(df) + return apply_embed_dataframe(df, transformer) + + return embed_dataframe + + +class TextVectorizer(TransformStep): + """Implement TransformStep for :class:`sklearn.feature_extraction.text.TfidfVectorizer`.""" + + name: str = "tfidf_vectorizer" + + #: See sklearn documentation for all options + options: dict = {"analyzer": "char", "ngram_range": (2, 10)} + + def as_transformer(self): + """Return configured TfidfVectorizer.""" + return TfidfVectorizer(**self.options) + + +class CategoricalVectorizer(TransformStep): + """Implement TransformStep for :class:`sklearn.preprocessing.OneHotEncoder`.""" + + name: str = "one_hot_encoder_vectorizer" + + options: dict = {"categories": "auto"} + + def as_transformer(self): + """Return configured OneHotEncoder.""" + return OneHotEncoder(**self.options) + + +class NumericalVectorizer(TransformStep): + """Implement ColumnTransformation for MinMaxScaler.""" + + name: str = "numerical_vectorizer" + + def as_transformer(self): + """Return configured MinMaxScalerConfig.""" + return MinMaxScaler() + + +class NumericalNormalizer(TransformStep): + """Implement ColumnTransformation for Normalizer.""" + + name: str = "numerical_normalizer" + + def as_transformer(self): + """Return configured NormalizerConfig.""" + return Normalizer() + + +def _apply_cleaning_func(df, function_key: str = None): + function_transforms = { + "null_to_zero": lambda df: df.fillna(value=0.0), + "null_to_empty_str": lambda df: df.fillna(value=""), + "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), + } + + return function_transforms[function_key](df) + + +class ColumnCleaner(TransformStep): + """Implement ColumnTransformation for cleaning functions.""" + + name: str = "column_cleaner" + cleaning_function: str + + def as_transformer(self): + """Return configured NormalizerConfig.""" + return FunctionTransformer( + _apply_cleaning_func, kw_args={"function_key": self.cleaning_function} + ) + + +class NameCleaner(TransformStep): + """Implement ColumnTransformation for CompanyNameCleaner.""" + + name: str = "name_cleaner" + company_cleaner: CompanyNameCleaner = CompanyNameCleaner() + + def as_transformer(self): + """Return configured CompanyNameCleaner.""" + return FunctionTransformer(self.company_cleaner.apply_name_cleaning) diff --git a/src/pudl/analysis/record_linkage/models.py b/src/pudl/analysis/record_linkage/link_cross_year.py similarity index 51% rename from src/pudl/analysis/record_linkage/models.py rename to src/pudl/analysis/record_linkage/link_cross_year.py index 937792173c..4ce0e0f8b7 100644 --- a/src/pudl/analysis/record_linkage/models.py +++ b/src/pudl/analysis/record_linkage/link_cross_year.py @@ -1,235 +1,20 @@ """Define a record linkage model interface and implement common functionality.""" from pathlib import Path from tempfile import TemporaryDirectory -from typing import Literal, Union import numpy as np import pandas as pd from dagster import Config, graph, op -from pydantic import Field from sklearn.cluster import DBSCAN, AgglomerativeClustering -from sklearn.compose import ColumnTransformer -from sklearn.decomposition import IncrementalPCA -from sklearn.feature_extraction.text import TfidfVectorizer from sklearn.metrics import pairwise_distances_chunked from sklearn.neighbors import NearestNeighbors -from sklearn.pipeline import Pipeline -from sklearn.preprocessing import ( - FunctionTransformer, - MinMaxScaler, - Normalizer, - OneHotEncoder, -) import pudl -from pudl.analysis.record_linkage.name_cleaner import CompanyNameCleaner +from pudl.analysis.record_linkage.embed_dataframe import FeatureMatrix logger = pudl.logging_helpers.get_logger(__name__) -def _apply_cleaning_func(df, function_key: str = None): - function_transforms = { - "null_to_zero": lambda df: df.fillna(value=0.0), - "null_to_empty_str": lambda df: df.fillna(value=""), - "fix_int_na": lambda df: pudl.helpers.fix_int_na(df, columns=list(df.columns)), - } - - return function_transforms[function_key](df) - - -class TfidfVectorizerConfig(Config): - """Implement ColumnTransformation for TfidfVectorizer.""" - - transformation_type: Literal["string_transform"] - options: dict = {"analyzer": "char", "ngram_range": (2, 10)} - - def as_transformer(self): - """Return configured TfidfVectorizer.""" - return TfidfVectorizer(**self.options) - - -class OneHotEncoderConfig(Config): - """Implement ColumnTransformation for OneHotEncoder.""" - - transformation_type: Literal["categorical_transform"] - options: dict = {"categories": "auto"} - - def as_transformer(self): - """Return configured OneHotEncoder.""" - return OneHotEncoder(**self.options) - - -class MinMaxScalerConfig(Config): - """Implement ColumnTransformation for MinMaxScaler.""" - - transformation_type: Literal["numerical_transform"] - - def as_transformer(self): - """Return configured MinMaxScalerConfig.""" - return MinMaxScaler() - - -class NormalizerConfig(Config): - """Implement ColumnTransformation for Normalizer.""" - - transformation_type: Literal["normalize_transform"] - - def as_transformer(self): - """Return configured NormalizerConfig.""" - return Normalizer() - - -class CleaningFuncConfig(Config): - """Implement ColumnTransformation for cleaning functions.""" - - transformation_type: Literal["cleaning_function_transform"] - transform_function: str - - def as_transformer(self): - """Return configured NormalizerConfig.""" - return FunctionTransformer( - _apply_cleaning_func, kw_args={"function_key": self.transform_function} - ) - - -class NameCleanerConfig(Config): - """Implement ColumnTransformation for CompanyNameCleaner.""" - - transformation_type: Literal["name_cleaner_transform"] - - def as_transformer(self): - """Return configured CompanyNameCleaner.""" - cleaner = CompanyNameCleaner() - return FunctionTransformer(cleaner.apply_name_cleaning) - - -class ColumnTransform(Config): - """Union of all transform classes.""" - - transform: Union[ # noqa: UP007 - TfidfVectorizerConfig, - OneHotEncoderConfig, - MinMaxScalerConfig, - NormalizerConfig, - CleaningFuncConfig, - NameCleanerConfig, - ] = Field(discriminator="transformation_type") - - -def column_transform_from_key(key: str, **options) -> "ColumnTransform": - """Format column transform config for dagster.""" - return {"transform": {key: options}} - - -class TransformGrouping(Config): - """Define a set of transformations to apply to one or more columns.""" - - transforms: list[ColumnTransform] - weight: float = 1.0 - columns: list[str] - - def as_pipeline(self): - """Return :class:`sklearn.pipeline.Pipeline` with configuration.""" - return Pipeline( - [ - ( - config.transform.transformation_type, - config.transform.as_transformer(), - ) - for config in self.transforms - ] - ) - - -class EmbedDataFrameTrainConfig(Config): - """This ModelComponent performs a series of column transformations on a DataFrame. - - Under the hood this uses :class:`sklearn.compose.ColumnTransformer`. As - configuration it takes as configuration a mapping of column names to a list of - transformations to apply. Transformations can be specified either by passing an - instance of a :class:`sklearn.base.BaseEstimator`, or a string to select from - several common/generic transformers defined by this class. If a string is used, it - should be one of the following: - - * ``string`` - Applies a TfidfVectorizer to the column. - * ``category`` - Applies a OneHotEncoder to the column. - * ``number`` - Applies a MinMaxScaler to the column. - """ - - #: Maps step name to list of transformations. - transform_steps: dict[str, TransformGrouping] - - def _construct_transformer(self) -> ColumnTransformer: - """Use configuration to construct :class:`sklearn.compose.ColumnTransformer`.""" - return ColumnTransformer( - transformers=[ - (name, column_transform.as_pipeline(), column_transform.columns) - for name, column_transform in self.transform_steps.items() - ], - transformer_weights={ - name: column_transform.weight - for name, column_transform in self.transform_steps.items() - }, - ) - - -@op -def train_dataframe_embedder(config: EmbedDataFrameTrainConfig, df: pd.DataFrame): - """Train :class:`sklearn.compose.ColumnTransformer` on input.""" - transformer = config._construct_transformer() - return transformer.fit(df) - - -class EmbedDataFrameConfig(Config): - """Define embed step config.""" - - #: Applying column transformations may produce a sparse matrix. - #: If this flag is set, the matrix will automatically be made dense before returning. - make_dense: bool = False - - -@op -def embed_dataframe(config: EmbedDataFrameConfig, df: pd.DataFrame, transformer): - """Use :class:`sklearn.compose.ColumnTransformer` to transform input.""" - transformed = transformer.fit_transform(df) - - if config.make_dense: - transformed = np.array(transformed.todense()) - - return transformed - - -class IncrementalPCAConfig(Config): - """:class:`DataFrameEmbedder` subclass, using IncrementalPCA to reduce dimensions. - - This class differs from :class:`ReducedDimDataFrameEmbedder` in that it applies - IncrementalPCA instead of a normal PCA implementation. This implementation is - an approximation of a true PCA, but it operates with constant memory usage of - batch_size * n_features (where n_features is the number of columns in the input - matrix) and it can operate on a sparse input matrix. - """ - - #: Passed to :class:`sklearn.decomposition.IncrementalPCA` param n_components - output_dims: int | None = 500 - batch_size: int = 500 - - -@op -def train_incremental_pca(config: IncrementalPCAConfig, X): # noqa: N803 - """Apply PCA to output of :class:`DataFrameEmbedder`.""" - pca = IncrementalPCA( - copy=False, n_components=config.output_dims, batch_size=config.batch_size - ) - - return pca.fit(X) - - -@op -def apply_incremental_pca(X, pca): # noqa: N803 - """Apply PCA to output of :class:`DataFrameEmbedder`.""" - return pca.transform(X) - - class PenalizeReportYearDistanceConfig(Config): """Compute distance between records and add penalty to records from same year.""" @@ -302,10 +87,12 @@ def average_dist_between_clusters( @op def compute_distance_with_year_penalty( - config: PenalizeReportYearDistanceConfig, feature_matrix, original_df: pd.DataFrame + config: PenalizeReportYearDistanceConfig, + feature_matrix: FeatureMatrix, + original_df: pd.DataFrame, ) -> DistanceMatrix: """Create penalty matrix and add to distances.""" - return DistanceMatrix(feature_matrix, original_df, config) + return DistanceMatrix(feature_matrix.matrix, original_df, config) class DBSCANConfig(Config): @@ -424,12 +211,8 @@ def match_orphaned_records( @graph -def link_ids_cross_year(df: pd.DataFrame): +def link_ids_cross_year(df: pd.DataFrame, feature_matrix: FeatureMatrix): """Apply model and return column of estimated record labels.""" - # Embed dataframe - transformer = train_dataframe_embedder(df) - feature_matrix = embed_dataframe(df, transformer) - # Compute distances and apply penalty for records from same year distance_matrix = compute_distance_with_year_penalty(feature_matrix, df) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index 6cc498e15c..426d74e336 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -7,9 +7,13 @@ import numpy as np import pandas as pd import pytest +from dagster import graph -from pudl.analysis.record_linkage.classify_plants_ferc1 import _FUEL_COLS, _MODEL_CONFIG -from pudl.analysis.record_linkage.models import link_ids_cross_year +from pudl.analysis.record_linkage.classify_plants_ferc1 import ( + _FUEL_COLS, + embed_dataframe, +) +from pudl.analysis.record_linkage.link_cross_year import link_ids_cross_year from pudl.transform.params.ferc1 import ( CONSTRUCTION_TYPE_CATEGORIES, PLANT_TYPE_CATEGORIES, @@ -186,8 +190,14 @@ def mock_ferc1_plants_df(): def test_classify_plants_ferc1(mock_ferc1_plants_df): """Test the FERC inter-year plant linking model.""" - linker_job = link_ids_cross_year.to_job(config=_MODEL_CONFIG["link_ids_cross_year"]) - mock_ferc1_plants_df["plant_id_ferc1"] = linker_job.execute_in_process( + + @graph + def _link_ids(df: pd.DataFrame): + feature_matrix = embed_dataframe(df) + label_df = link_ids_cross_year(df, feature_matrix) + return label_df + + mock_ferc1_plants_df["plant_id_ferc1"] = _link_ids.to_job().execute_in_process( input_values={"df": mock_ferc1_plants_df} ) From 6bd9a550dc8dc03eadd023b47a39bd45ce544e3e Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 11 Dec 2023 12:58:16 -0500 Subject: [PATCH 41/60] Improve comments in cross year record linkage model --- .../record_linkage/link_cross_year.py | 76 +++++++++++++------ 1 file changed, 54 insertions(+), 22 deletions(-) diff --git a/src/pudl/analysis/record_linkage/link_cross_year.py b/src/pudl/analysis/record_linkage/link_cross_year.py index 4ce0e0f8b7..0dd90748b6 100644 --- a/src/pudl/analysis/record_linkage/link_cross_year.py +++ b/src/pudl/analysis/record_linkage/link_cross_year.py @@ -69,7 +69,7 @@ def __init__( ) def get_cluster_distance_matrix(self, cluster_inds: np.ndarray) -> np.ndarray: - """Return a small distance matrix with distances between points in a cluster.""" + """Return a distance matrix with only distances within a cluster.""" cluster_size = len(cluster_inds) dist_inds = np.array(np.meshgrid(cluster_inds, cluster_inds)).T.reshape(-1, 2) return self.distance_matrix[dist_inds[:, 0], dist_inds[:, 1]].reshape( @@ -79,7 +79,7 @@ def get_cluster_distance_matrix(self, cluster_inds: np.ndarray) -> np.ndarray: def average_dist_between_clusters( self, set_1: list[int], set_2: list[int] ) -> float: - """Compute average distance between two sets of clusters given indices into the distance matrix.""" + """Compute average distance between two clusters of records given indices of each cluster.""" dist_inds = np.array(np.meshgrid(set_1, set_2)).T.reshape(-1, 2) dists = self.distance_matrix[dist_inds[:, 0], dist_inds[:, 1]] return dists.mean() @@ -91,7 +91,7 @@ def compute_distance_with_year_penalty( feature_matrix: FeatureMatrix, original_df: pd.DataFrame, ) -> DistanceMatrix: - """Create penalty matrix and add to distances.""" + """Compute a distance matrix and penalize records from the same year.""" return DistanceMatrix(feature_matrix.matrix, original_df, config) @@ -107,15 +107,22 @@ class DBSCANConfig(Config): def cluster_records_dbscan( config: DBSCANConfig, distance_matrix: DistanceMatrix, original_df: pd.DataFrame ) -> pd.DataFrame: - """Use dbscan clustering algorithm to classify records.""" + """Generate initial IDs using DBSCAN algorithm.""" + # DBSCAN is very efficient when passed a sparse radius neighbor graph neighbor_computer = NearestNeighbors(radius=config.eps, metric="precomputed") neighbor_computer.fit(distance_matrix.distance_matrix) neighbor_graph = neighbor_computer.radius_neighbors_graph(mode="distance") + # Classify records classifier = DBSCAN(metric="precomputed", eps=config.eps, min_samples=2) - id_year_df = original_df.loc[:, ["report_year", "plant_name_ferc1"]] - id_year_df["record_label"] = classifier.fit_predict(neighbor_graph) - return id_year_df + + # Create dataframe containing only report year and label columns + return pd.DataFrame( + { + "report_year": original_df.loc[:, "report_year"], + "record_label": classifier.fit_predict(neighbor_graph), + } + ) class SplitClustersConfig(Config): @@ -131,7 +138,16 @@ def split_clusters( distance_matrix: DistanceMatrix, id_year_df: pd.DataFrame, ) -> pd.DataFrame: - """Apply AgglomerativeClustering to all clusters with more than one record from the same year.""" + """Split clusters with multiple records from same report_year. + + DBSCAN will sometimes match records from the same report year, which breaks the + assumption that there should only be one record for each entity from a single + report year. To fix this, agglomerative clustering will be applied to each + such cluster. Agglomerative clustering could replace DBSCAN in the initial linkage + step to avoid these matches in the first place, however, it is very inneficient on + a large number of records, so applying to smaller sets of overmerged records is + much faster and uses much less memory. + """ def _generate_cluster_ids(max_cluster_id: int) -> int: """Get new unique cluster id.""" @@ -170,8 +186,9 @@ def _generate_cluster_ids(max_cluster_id: int) -> int: class MatchOrpahnedRecordsConfig(Config): - """DBSCAN assigns 'noisy' records a label of '-1', which will be labeled by this step.""" + """Configuration for :func:`match_orphaned_records` op.""" + #: See :class:`sklearn.cluster.AgglomerativeClustering` for details. distance_threshold: float = 0.3 @@ -181,7 +198,14 @@ def match_orphaned_records( distance_matrix: DistanceMatrix, id_year_df: pd.DataFrame, ) -> pd.DataFrame: - """Compute average distance from orphaned records to existing clusters, and merge.""" + """DBSCAN assigns 'noisy' records a label of '-1', which will be labeled by this step. + + To label orphaned records, points are seperated into clusters where each orphaned record + is a cluster of a single point. Then, a distance matrix is computed with the average + distance between each cluster, and is used in a round of agglomerative clustering. + This will match orphaned records to existing clusters, or assign them unique ID's if + they don't appear close enough to any existing clusters. + """ classifier = AgglomerativeClustering( metric="precomputed", linkage="average", @@ -189,22 +213,30 @@ def match_orphaned_records( n_clusters=None, ) - label_inds = id_year_df.groupby("record_label").indices - label_groups = [[ind] for ind in label_inds[-1]] - label_groups += [inds for key, inds in label_inds.items() if key != -1] + cluster_inds = id_year_df.groupby("record_label").indices + + # Orphaned records are considered a cluster of a single record + cluster_groups = [[ind] for ind in cluster_inds[-1]] + + # Get list of all points in each assigned cluster + cluster_groups += [inds for key, inds in cluster_inds.items() if key != -1] + + # Prepare a distance matrix of (n_clusters x n_clusters) + # Distance matrix contains average distance between each cluster + n_clusters = len(cluster_groups) + average_dist_matrix = np.zeros((n_clusters, n_clusters)) - # Prepare a reduced distance matrix - dist_matrix_size = len(label_groups) - reduced_dist_matrix = np.zeros((dist_matrix_size, dist_matrix_size)) - for i, x_cluster_inds in enumerate(label_groups): - for j, y_cluster_inds in enumerate(label_groups[:i]): - reduced_dist_matrix[i, j] = distance_matrix.average_dist_between_clusters( + # TODO(zschira): Major model bottleneck. If optimizations become required, start here. + for i, x_cluster_inds in enumerate(cluster_groups): + for j, y_cluster_inds in enumerate(cluster_groups[:i]): + average_dist_matrix[i, j] = distance_matrix.average_dist_between_clusters( x_cluster_inds, y_cluster_inds ) - reduced_dist_matrix[j, i] = reduced_dist_matrix[i, j] + average_dist_matrix[j, i] = average_dist_matrix[i, j] - new_labels = classifier.fit_predict(reduced_dist_matrix) - for inds, label in zip(label_groups, new_labels): + # Assign new labels to all points + new_labels = classifier.fit_predict(average_dist_matrix) + for inds, label in zip(cluster_groups, new_labels): id_year_df.loc[inds, "record_label"] = label return id_year_df From eafb9cbcdfe0f4d9644b79563457baa62e20789c Mon Sep 17 00:00:00 2001 From: zschira Date: Mon, 11 Dec 2023 16:19:54 -0500 Subject: [PATCH 42/60] Remove plant_id_ferc1 form plants_steam_ferc1 --- ...emove_plant_id_ferc1_from_plants_steam_.py | 32 ++++ src/pudl/metadata/resources/ferc1.py | 1 - src/pudl/transform/ferc1.py | 138 +----------------- 3 files changed, 34 insertions(+), 137 deletions(-) create mode 100644 migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py diff --git a/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py b/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py new file mode 100644 index 0000000000..17aa9baee5 --- /dev/null +++ b/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py @@ -0,0 +1,32 @@ +"""Remove plant_id_ferc1 from plants_steam_ferc1 + +Revision ID: 798bf5270fe4 +Revises: 7febe79b8760 +Create Date: 2023-12-11 16:10:03.884779 + +""" +from alembic import op +import sqlalchemy as sa + + +# revision identifiers, used by Alembic. +revision = '798bf5270fe4' +down_revision = '7febe79b8760' +branch_labels = None +depends_on = None + + +def upgrade() -> None: + # ### commands auto generated by Alembic - please adjust! ### + with op.batch_alter_table('plants_steam_ferc1', schema=None) as batch_op: + batch_op.drop_column('plant_id_ferc1') + + # ### end Alembic commands ### + + +def downgrade() -> None: + # ### commands auto generated by Alembic - please adjust! ### + with op.batch_alter_table('plants_steam_ferc1', schema=None) as batch_op: + batch_op.add_column(sa.Column('plant_id_ferc1', sa.INTEGER(), nullable=True)) + + # ### end Alembic commands ### diff --git a/src/pudl/metadata/resources/ferc1.py b/src/pudl/metadata/resources/ferc1.py index b6b95a72b6..1780eb90f0 100644 --- a/src/pudl/metadata/resources/ferc1.py +++ b/src/pudl/metadata/resources/ferc1.py @@ -596,7 +596,6 @@ "record_id", "utility_id_ferc1", "report_year", - "plant_id_ferc1", "plant_name_ferc1", "plant_type", "construction_type", diff --git a/src/pudl/transform/ferc1.py b/src/pudl/transform/ferc1.py index 4b07c38063..5f8f60b508 100644 --- a/src/pudl/transform/ferc1.py +++ b/src/pudl/transform/ferc1.py @@ -22,20 +22,13 @@ import sqlalchemy as sa from dagster import ( AssetIn, - AssetOut, AssetsDefinition, - Out, asset, - graph_multi_asset, - op, ) from pandas.core.groupby import DataFrameGroupBy from pydantic import BaseModel, Field, field_validator import pudl -from pudl.analysis.record_linkage.classify_plants_ferc1 import ( - plants_steam_assign_plant_ids, -) from pudl.extract.ferc1 import TABLE_NAME_MAP_FERC1 from pudl.helpers import assert_cols_areclose, convert_cols_dtypes from pudl.metadata.fields import apply_pudl_dtypes @@ -3220,37 +3213,6 @@ class PlantsSteamFerc1TableTransformer(Ferc1AbstractTableTransformer): table_id: TableIdFerc1 = TableIdFerc1.PLANTS_STEAM_FERC1 - def transform( - self, - raw_dbf: pd.DataFrame, - raw_xbrl_instant: pd.DataFrame, - raw_xbrl_duration: pd.DataFrame, - transformed_fuel: pd.DataFrame, - ) -> pd.DataFrame: - """Redfine the transform method to accommodate the use of transformed_fuel. - - This is duplicating code from the parent class, but is necessary because the - steam table needs the fuel table for its transform. Is there a better way to do - this that doesn't require cutting and pasting the whole method just to stick the - extra dataframe input into transform_main()? - """ - df = ( - self.transform_start( - raw_dbf=raw_dbf, - raw_xbrl_instant=raw_xbrl_instant, - raw_xbrl_duration=raw_xbrl_duration, - ) - .pipe(self.transform_main, transformed_fuel=transformed_fuel) - .pipe(self.transform_end) - ) - if self.clear_cached_dfs: - logger.debug( - f"{self.table_id.value}: Clearing cached dfs: " - f"{sorted(self._cached_dfs.keys())}" - ) - self._cached_dfs.clear() - return df - class PlantsHydroFerc1TableTransformer(Ferc1AbstractTableTransformer): """A table transformer specific to the :ref:`plants_hydro_ferc1` table.""" @@ -6009,9 +5971,7 @@ def ferc1_transform_asset_factory( """Create an asset that pulls in raw ferc Form 1 assets and applies transformations. This is a convenient way to create assets for tables that only depend on raw dbf, - raw xbrl instant and duration tables and xbrl metadata. For tables with additional - upstream dependencies, create a stand alone asset using an asset decorator. See - the plants_steam_ferc1 asset. + raw xbrl instant and duration tables and xbrl metadata. Args: table_name: The name of the table to create an asset for. @@ -6097,107 +6057,13 @@ def create_ferc1_transform_assets() -> list[AssetsDefinition]: """ assets = [] for table_name, tfr_class in FERC1_TFR_CLASSES.items(): - # Bespoke exception. fuel must come before steam b/c fuel proportions are used to - # aid in FERC plant ID assignment. - if table_name != "plants_steam_ferc1": - assets.append(ferc1_transform_asset_factory(table_name, tfr_class)) + assets.append(ferc1_transform_asset_factory(table_name, tfr_class)) return assets ferc1_assets = create_ferc1_transform_assets() -@op(out={"steam_transformer": Out()}) -def construct_plants_steam_transformer( - clean_xbrl_metadata_json: dict[str, dict[str, list[dict[str, Any]]]], -): - """Return initialized PlantsSteamFerc1TableTransformer.""" - return PlantsSteamFerc1TableTransformer( - xbrl_metadata_json=clean_xbrl_metadata_json["plants_steam_ferc1"] - ) - - -@op(out={"steam_matching_input": Out()}) -def prep_plants_steam_for_matching( - steam_transformer: PlantsSteamFerc1TableTransformer, - raw_ferc1_dbf__f1_steam: pd.DataFrame, - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration: pd.DataFrame, - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant: pd.DataFrame, -) -> pd.DataFrame: - """Prepare inputs for FERC plant matching.""" - df = steam_transformer.transform_start( - raw_dbf=raw_ferc1_dbf__f1_steam, - raw_xbrl_instant=raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant, - raw_xbrl_duration=raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration, - ).pipe(steam_transformer.transform_main) - - return df.reset_index() - - -@op(out={"plants_steam_ferc1": Out()}) -def finish_plants_steam_transformation( - steam_transformer: PlantsSteamFerc1TableTransformer, - plants_steam_matched: pd.DataFrame, -): - """Apply transform_end to plants_steam_ferc1 table after performing plant matching.""" - df = steam_transformer.transform_end(plants_steam_matched) - if steam_transformer.clear_cached_dfs: - logger.debug( - f"{steam_transformer.table_id.value}: Clearing cached dfs: " - f"{sorted(steam_transformer._cached_dfs.keys())}" - ) - steam_transformer._cached_dfs.clear() - return convert_cols_dtypes(df, data_source="ferc1") - - -@op(out={"fuel_types": Out()}) -def get_fuel_types() -> list[str]: - """Return fuel types from FuelFerc1TableTransformer class.""" - return list( - FuelFerc1TableTransformer() - .params.categorize_strings["fuel_type_code_pudl"] - .categories.keys() - ) - - -@graph_multi_asset( - outs={"plants_steam_ferc1": AssetOut(io_manager_key="pudl_sqlite_io_manager")} -) -def plants_steam_ferc1( - clean_xbrl_metadata_json: dict[str, dict[str, list[dict[str, Any]]]], - raw_ferc1_dbf__f1_steam: pd.DataFrame, - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration: pd.DataFrame, - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant: pd.DataFrame, - fuel_ferc1: pd.DataFrame, -) -> pd.DataFrame: - """Create the clean plants_steam_ferc1 table. - - Args: - clean_xbrl_metadata_json: XBRL metadata json for all tables. - raw_ferc1_dbf__f1_steam: Raw f1_steam table. - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration: raw XBRL duration table. - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant: raw XBRL instant table. - fuel_ferc1: Transformed fuel_ferc1 table. - - Returns: - Clean plants_steam_ferc1 table. - """ - steam_transformer = construct_plants_steam_transformer(clean_xbrl_metadata_json) - steam_matching_input = prep_plants_steam_for_matching( - steam_transformer, - raw_ferc1_dbf__f1_steam, - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_duration, - raw_ferc1_xbrl__steam_electric_generating_plant_statistics_large_plants_402_instant, - ) - plants_steam_matched = plants_steam_assign_plant_ids( - steam_matching_input, - fuel_ferc1, - get_fuel_types(), - ) - - return finish_plants_steam_transformation(steam_transformer, plants_steam_matched) - - def other_dimensions(table_names: list[str]) -> list[str]: """Get a list of the other dimension columns across all of the transformers.""" # grab all of the dimensions columns that we are currently verifying as a part of From 82592b6bc105289011957a97c719e1e3779a3c03 Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 12 Dec 2023 11:44:58 -0500 Subject: [PATCH 43/60] Make ferc plant assignment a stand alone intermediate asset --- src/pudl/analysis/record_linkage/__init__.py | 1 + .../record_linkage/classify_plants_ferc1.py | 24 ++++++++----------- src/pudl/etl/__init__.py | 4 ++++ src/pudl/output/ferc1.py | 5 ++-- 4 files changed, 18 insertions(+), 16 deletions(-) diff --git a/src/pudl/analysis/record_linkage/__init__.py b/src/pudl/analysis/record_linkage/__init__.py index 2c267c3b3c..b7b7cdecbc 100644 --- a/src/pudl/analysis/record_linkage/__init__.py +++ b/src/pudl/analysis/record_linkage/__init__.py @@ -1 +1,2 @@ """This module impolements models for various forms of record linkage.""" +from . import classify_plants_ferc1 diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index f91f7f7bcf..4a5696e265 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -11,7 +11,7 @@ import numpy as np import pandas as pd -from dagster import graph, op +from dagster import graph_asset, op import pudl from pudl.analysis.record_linkage import embed_dataframe @@ -25,7 +25,6 @@ "gas_fraction_mmbtu", "nuclear_fraction_mmbtu", "oil_fraction_mmbtu", - "other_fraction_mmbtu", "waste_fraction_mmbtu", ] @@ -130,26 +129,23 @@ def plants_steam_validate_ids( @op def merge_steam_fuel_dfs( ferc1_steam_df: pd.DataFrame, - ferc1_fuel_df: pd.DataFrame, - fuel_categories: list[str], + fuel_fractions: pd.DataFrame, ) -> pd.DataFrame: """Merge steam plants and fuel dfs to prepare inputs for ferc plant matching.""" - # Grab fuel consumption proportions for use in assigning plant IDs: - fuel_fractions = fuel_by_plant_ferc1(ferc1_fuel_df, fuel_categories) ffc = list(fuel_fractions.filter(regex=".*_fraction_mmbtu$").columns) + # Grab fuel consumption proportions for use in assigning plant IDs: return ferc1_steam_df.merge( fuel_fractions[["utility_id_ferc1", "plant_name_ferc1", "report_year"] + ffc], on=["utility_id_ferc1", "plant_name_ferc1", "report_year"], how="left", - ) + ).astype({"plant_type": str, "construction_type": str}) -@graph -def plants_steam_assign_plant_ids( - ferc1_steam_df: pd.DataFrame, - ferc1_fuel_df: pd.DataFrame, - fuel_categories: list[str], +@graph_asset +def _out_ferc1__yearly_steam_plants_sched402( + plants_steam_ferc1: pd.DataFrame, + denorm_fuel_by_plant_ferc1: pd.DataFrame, ) -> pd.DataFrame: """Assign IDs to the large steam plants.""" ########################################################################### @@ -159,11 +155,11 @@ def plants_steam_assign_plant_ids( # do this for us. logger.info("Identifying distinct large FERC plants for ID assignment.") - input_df = merge_steam_fuel_dfs(ferc1_steam_df, ferc1_fuel_df, fuel_categories) + input_df = merge_steam_fuel_dfs(plants_steam_ferc1, denorm_fuel_by_plant_ferc1) feature_matrix = embed_dataframe(input_df) label_df = link_ids_cross_year(input_df, feature_matrix) - return plants_steam_validate_ids(ferc1_steam_df, label_df) + return plants_steam_validate_ids(plants_steam_ferc1, label_df) def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: diff --git a/src/pudl/etl/__init__.py b/src/pudl/etl/__init__.py index ce9f2cc4a2..9d0d1cc06e 100644 --- a/src/pudl/etl/__init__.py +++ b/src/pudl/etl/__init__.py @@ -72,6 +72,10 @@ *load_assets_from_modules( [pudl.analysis.state_demand], group_name="state_demand_ferc714" ), + *load_assets_from_modules( + [pudl.analysis.record_linkage.classify_plants_ferc1], + group_name="denorm_ferc1", + ), *load_assets_from_modules( [pudl.analysis.plant_parts_eia, pudl.analysis.ferc1_eia_record_linkage], group_name="ferc1_eia_record_linkage", diff --git a/src/pudl/output/ferc1.py b/src/pudl/output/ferc1.py index 142ff29a08..75edc431f3 100644 --- a/src/pudl/output/ferc1.py +++ b/src/pudl/output/ferc1.py @@ -200,7 +200,8 @@ def denorm_plants_utilities_ferc1( @asset(io_manager_key="pudl_sqlite_io_manager", compute_kind="Python") def denorm_plants_steam_ferc1( - denorm_plants_utilities_ferc1: pd.DataFrame, plants_steam_ferc1: pd.DataFrame + denorm_plants_utilities_ferc1: pd.DataFrame, + _out_ferc1__yearly_steam_plants_sched402: pd.DataFrame, ) -> pd.DataFrame: """Select and joins some useful fields from the FERC Form 1 steam table. @@ -219,7 +220,7 @@ def denorm_plants_steam_ferc1( A DataFrame containing useful fields from the FERC Form 1 steam table. """ steam_df = ( - plants_steam_ferc1.merge( + _out_ferc1__yearly_steam_plants_sched402.merge( denorm_plants_utilities_ferc1, on=["utility_id_ferc1", "plant_name_ferc1"], how="left", From 4ad481364cf5cbb75346532da3d513211a4b3082 Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 12 Dec 2023 11:46:18 -0500 Subject: [PATCH 44/60] Improve name in record linkage dataframe embedding --- src/pudl/analysis/record_linkage/embed_dataframe.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/src/pudl/analysis/record_linkage/embed_dataframe.py b/src/pudl/analysis/record_linkage/embed_dataframe.py index 17c5f3f026..96508a7b51 100644 --- a/src/pudl/analysis/record_linkage/embed_dataframe.py +++ b/src/pudl/analysis/record_linkage/embed_dataframe.py @@ -89,7 +89,7 @@ def train_dataframe_embedder(df: pd.DataFrame): return column_transformer.fit(df) @op - def apply_embed_dataframe(df: pd.DataFrame, transformer: ColumnTransformer): + def apply_dataframe_embedder(df: pd.DataFrame, transformer: ColumnTransformer): """Use :class:`sklearn.compose.ColumnTransformer` to transform input.""" return FeatureMatrix(matrix=transformer.transform(df)) @@ -97,7 +97,7 @@ def apply_embed_dataframe(df: pd.DataFrame, transformer: ColumnTransformer): def embed_dataframe(df: pd.DataFrame) -> FeatureMatrix: """Train dataframe embedder and apply to input df.""" transformer = train_dataframe_embedder(df) - return apply_embed_dataframe(df, transformer) + return apply_dataframe_embedder(df, transformer) return embed_dataframe From f43520469dad4dd77af4c0145b501c5422fbc370 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Tue, 12 Dec 2023 16:47:08 +0000 Subject: [PATCH 45/60] [pre-commit.ci] auto fixes from pre-commit.com hooks For more information, see https://pre-commit.ci --- .../798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py b/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py index 17aa9baee5..4ce2f52033 100644 --- a/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py +++ b/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py @@ -5,9 +5,8 @@ Create Date: 2023-12-11 16:10:03.884779 """ -from alembic import op import sqlalchemy as sa - +from alembic import op # revision identifiers, used by Alembic. revision = '798bf5270fe4' From e1bbea57d35c36498b63e934c86cabf2ccaf7ed1 Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 12 Dec 2023 16:49:54 +0000 Subject: [PATCH 46/60] Update conda-lock.yml and rendered conda environment files. --- environments/conda-linux-64.lock.yml | 16 +- environments/conda-lock.yml | 228 +++++++++++++------------- environments/conda-osx-64.lock.yml | 16 +- environments/conda-osx-arm64.lock.yml | 16 +- 4 files changed, 138 insertions(+), 138 deletions(-) diff --git a/environments/conda-linux-64.lock.yml b/environments/conda-linux-64.lock.yml index 0dbbdcef09..464946a8c9 100644 --- a/environments/conda-linux-64.lock.yml +++ b/environments/conda-linux-64.lock.yml @@ -160,13 +160,13 @@ dependencies: - colorama=0.4.6=pyhd8ed1ab_0 - crashtest=0.4.1=pyhd8ed1ab_0 - cycler=0.12.1=pyhd8ed1ab_0 - - dagster-pipes=1.5.11=pyhd8ed1ab_0 + - dagster-pipes=1.5.12=pyhd8ed1ab_0 - dataclasses=0.8=pyhc8e2a94_3 - dbus=1.13.6=h5008d03_3 - debugpy=1.8.0=py311hb755f60_1 - decorator=5.1.1=pyhd8ed1ab_0 - defusedxml=0.7.1=pyhd8ed1ab_0 - - distlib=0.3.7=pyhd8ed1ab_0 + - distlib=0.3.8=pyhd8ed1ab_0 - docstring_parser=0.15=pyhd8ed1ab_0 - docutils=0.20.1=py311h38be061_3 - entrypoints=0.4=pyhd8ed1ab_0 @@ -402,7 +402,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-c-s3=0.4.1=hfadff92_0 - - botocore=1.33.11=pyhd8ed1ab_0 + - botocore=1.33.12=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.7=py311hcb13ee4_1 @@ -489,9 +489,9 @@ dependencies: - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=h38be061_0 - aws-sdk-cpp=1.11.182=h8beafcf_7 - - boto3=1.33.11=pyhd8ed1ab_0 + - boto3=1.33.12=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - - dagster=1.5.11=pyhd8ed1ab_0 + - dagster=1.5.12=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 @@ -516,8 +516,8 @@ dependencies: - timezonefinder=6.2.0=py311h459d7ec_2 - catalystcoop.ferc_xbrl_extractor=1.3.1=pyhd8ed1ab_0 - conda-lock=2.5.1=pyhd8ed1ab_0 - - dagster-graphql=1.5.11=pyhd8ed1ab_0 - - dagster-postgres=0.21.11=pyhd8ed1ab_0 + - dagster-graphql=1.5.12=pyhd8ed1ab_0 + - dagster-postgres=0.21.12=pyhd8ed1ab_0 - fiona=1.9.5=py311hf8e0aa6_2 - google-api-core=2.15.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 @@ -530,7 +530,7 @@ dependencies: - qtconsole-base=5.5.1=pyha770c72_0 - recordlinkage=0.16=pyhd8ed1ab_0 - tabulator=1.53.5=pyhd8ed1ab_0 - - dagster-webserver=1.5.11=pyhd8ed1ab_0 + - dagster-webserver=1.5.12=pyhd8ed1ab_0 - geopandas=0.14.1=pyhd8ed1ab_0 - google-cloud-core=2.4.1=pyhd8ed1ab_0 - libarrow-acero=14.0.1=h59595ed_3_cpu diff --git a/environments/conda-lock.yml b/environments/conda-lock.yml index c61689b53c..b317f0b021 100644 --- a/environments/conda-lock.yml +++ b/environments/conda-lock.yml @@ -1914,52 +1914,52 @@ package: category: main optional: false - name: boto3 - version: 1.33.11 + version: 1.33.12 manager: conda platform: linux-64 dependencies: - botocore: ">=1.33.11,<1.34.0" + botocore: ">=1.33.12,<1.34.0" jmespath: ">=0.7.1,<2.0.0" python: ">=3.7" s3transfer: ">=0.8.2,<0.9.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.12-pyhd8ed1ab_0.conda hash: - md5: 5bd2b183cccabe53846acc0bc36a701a - sha256: 9b30f449a8eb6e1e4a2b9ce8cf87d0348a92cad1a0df6819f458376dd2f2424d + md5: 84feffcfe4266580673fd337e54b5af4 + sha256: 59926f5d8f80116ad393a33772c4ad5c00f56173cb7189e8a293af3630e2052e category: main optional: false - name: boto3 - version: 1.33.11 + version: 1.33.12 manager: conda platform: osx-64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" s3transfer: ">=0.8.2,<0.9.0" - botocore: ">=1.33.11,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.11-pyhd8ed1ab_0.conda + botocore: ">=1.33.12,<1.34.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.12-pyhd8ed1ab_0.conda hash: - md5: 5bd2b183cccabe53846acc0bc36a701a - sha256: 9b30f449a8eb6e1e4a2b9ce8cf87d0348a92cad1a0df6819f458376dd2f2424d + md5: 84feffcfe4266580673fd337e54b5af4 + sha256: 59926f5d8f80116ad393a33772c4ad5c00f56173cb7189e8a293af3630e2052e category: main optional: false - name: boto3 - version: 1.33.11 + version: 1.33.12 manager: conda platform: osx-arm64 dependencies: python: ">=3.7" jmespath: ">=0.7.1,<2.0.0" s3transfer: ">=0.8.2,<0.9.0" - botocore: ">=1.33.11,<1.34.0" - url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.11-pyhd8ed1ab_0.conda + botocore: ">=1.33.12,<1.34.0" + url: https://conda.anaconda.org/conda-forge/noarch/boto3-1.33.12-pyhd8ed1ab_0.conda hash: - md5: 5bd2b183cccabe53846acc0bc36a701a - sha256: 9b30f449a8eb6e1e4a2b9ce8cf87d0348a92cad1a0df6819f458376dd2f2424d + md5: 84feffcfe4266580673fd337e54b5af4 + sha256: 59926f5d8f80116ad393a33772c4ad5c00f56173cb7189e8a293af3630e2052e category: main optional: false - name: botocore - version: 1.33.11 + version: 1.33.12 manager: conda platform: linux-64 dependencies: @@ -1967,14 +1967,14 @@ package: python: ">=3.7" python-dateutil: ">=2.1,<3.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.12-pyhd8ed1ab_0.conda hash: - md5: 096f907152d65c6f5ba9d437e27a4074 - sha256: b3ddf4459fa887fc76d1a97eaa9da7a31bd84838bd35cbda72ff54949971dc8a + md5: f3c9a95fcbb0be6fe2dc536ab44807bf + sha256: 2b906a0a248c11c5e15b7afff88cfe640b734dcc692aaa149ff2385f13ff351d category: main optional: false - name: botocore - version: 1.33.11 + version: 1.33.12 manager: conda platform: osx-64 dependencies: @@ -1982,14 +1982,14 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.12-pyhd8ed1ab_0.conda hash: - md5: 096f907152d65c6f5ba9d437e27a4074 - sha256: b3ddf4459fa887fc76d1a97eaa9da7a31bd84838bd35cbda72ff54949971dc8a + md5: f3c9a95fcbb0be6fe2dc536ab44807bf + sha256: 2b906a0a248c11c5e15b7afff88cfe640b734dcc692aaa149ff2385f13ff351d category: main optional: false - name: botocore - version: 1.33.11 + version: 1.33.12 manager: conda platform: osx-arm64 dependencies: @@ -1997,10 +1997,10 @@ package: python-dateutil: ">=2.1,<3.0.0" jmespath: ">=0.7.1,<2.0.0" urllib3: ">=1.25.4,<1.27" - url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/botocore-1.33.12-pyhd8ed1ab_0.conda hash: - md5: 096f907152d65c6f5ba9d437e27a4074 - sha256: b3ddf4459fa887fc76d1a97eaa9da7a31bd84838bd35cbda72ff54949971dc8a + md5: f3c9a95fcbb0be6fe2dc536ab44807bf + sha256: 2b906a0a248c11c5e15b7afff88cfe640b734dcc692aaa149ff2385f13ff351d category: main optional: false - name: bottleneck @@ -3792,7 +3792,7 @@ package: category: main optional: false - name: dagster - version: 1.5.11 + version: 1.5.12 manager: conda platform: linux-64 dependencies: @@ -3800,7 +3800,7 @@ package: click: ">=5.0" coloredlogs: ">=6.1,<=14.0" croniter: ">=0.3.34" - dagster-pipes: ">=1.5.11,<1.5.12.0a0" + dagster-pipes: ">=1.5.12,<1.5.13.0a0" docstring_parser: "" grpcio: ">=1.44.0" grpcio-health-checking: ">=1.44.0" @@ -3826,14 +3826,14 @@ package: typing_extensions: ">=4.4.0" universal_pathlib: "" watchdog: ">=0.8.3" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 5c2edce540b4ee809fc191d87325d6b0 - sha256: 73d8ad12f3e280ebec2ae5357ec6b08e19e8f6df63e7be21b4d90db406329844 + md5: a2ed0674a7dfb3b153148cc816855a4a + sha256: 027a55889f14722a2a4d2e9296d1390fa9521f2a908147333834359096dd3444 category: main optional: false - name: dagster - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-64 dependencies: @@ -3866,15 +3866,15 @@ package: alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" pydantic: ">1.10.0,!=1.10.7" pendulum: <3 - dagster-pipes: ">=1.5.11,<1.5.12.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.11-pyhd8ed1ab_0.conda + dagster-pipes: ">=1.5.12,<1.5.13.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 5c2edce540b4ee809fc191d87325d6b0 - sha256: 73d8ad12f3e280ebec2ae5357ec6b08e19e8f6df63e7be21b4d90db406329844 + md5: a2ed0674a7dfb3b153148cc816855a4a + sha256: 027a55889f14722a2a4d2e9296d1390fa9521f2a908147333834359096dd3444 category: main optional: false - name: dagster - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-arm64 dependencies: @@ -3907,32 +3907,32 @@ package: alembic: ">=1.2.1,!=1.6.3,!=1.7.0,!=1.11.0" pydantic: ">1.10.0,!=1.10.7" pendulum: <3 - dagster-pipes: ">=1.5.11,<1.5.12.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.11-pyhd8ed1ab_0.conda + dagster-pipes: ">=1.5.12,<1.5.13.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 5c2edce540b4ee809fc191d87325d6b0 - sha256: 73d8ad12f3e280ebec2ae5357ec6b08e19e8f6df63e7be21b4d90db406329844 + md5: a2ed0674a7dfb3b153148cc816855a4a + sha256: 027a55889f14722a2a4d2e9296d1390fa9521f2a908147333834359096dd3444 category: main optional: false - name: dagster-graphql - version: 1.5.11 + version: 1.5.12 manager: conda platform: linux-64 dependencies: - dagster: ">=1.5.11,<1.5.12.0a0" + dagster: ">=1.5.12,<1.5.13.0a0" gql-with-requests: ">=3.0.0" graphene: ">=3" python: ">=3.8" requests: "" starlette: "" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.12-pyhd8ed1ab_0.conda hash: - md5: bcecd97c7835c5057b220b1fdf52412b - sha256: a968aee0eec0587555f827b584af484149ed235a331222ad10c69f92c80623de + md5: f516bf51aaa40ccc15add9302a659ec2 + sha256: f1b4d4608e72dced9f1fe3f44673324eaa47abd1c4dea6a31c7aba5f6a2d8e47 category: dev optional: true - name: dagster-graphql - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-64 dependencies: @@ -3941,15 +3941,15 @@ package: python: ">=3.8" graphene: ">=3" gql-with-requests: ">=3.0.0" - dagster: ">=1.5.11,<1.5.12.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.11-pyhd8ed1ab_0.conda + dagster: ">=1.5.12,<1.5.13.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.12-pyhd8ed1ab_0.conda hash: - md5: bcecd97c7835c5057b220b1fdf52412b - sha256: a968aee0eec0587555f827b584af484149ed235a331222ad10c69f92c80623de + md5: f516bf51aaa40ccc15add9302a659ec2 + sha256: f1b4d4608e72dced9f1fe3f44673324eaa47abd1c4dea6a31c7aba5f6a2d8e47 category: dev optional: true - name: dagster-graphql - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-arm64 dependencies: @@ -3958,110 +3958,110 @@ package: python: ">=3.8" graphene: ">=3" gql-with-requests: ">=3.0.0" - dagster: ">=1.5.11,<1.5.12.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.11-pyhd8ed1ab_0.conda + dagster: ">=1.5.12,<1.5.13.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-graphql-1.5.12-pyhd8ed1ab_0.conda hash: - md5: bcecd97c7835c5057b220b1fdf52412b - sha256: a968aee0eec0587555f827b584af484149ed235a331222ad10c69f92c80623de + md5: f516bf51aaa40ccc15add9302a659ec2 + sha256: f1b4d4608e72dced9f1fe3f44673324eaa47abd1c4dea6a31c7aba5f6a2d8e47 category: dev optional: true - name: dagster-pipes - version: 1.5.11 + version: 1.5.12 manager: conda platform: linux-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 521cde2b4e9f5919f1c10384f8050874 - sha256: 84b0f25af328c185f0bb86fbe2a49f2cd2917ecd6c3413881a54b2a92c6a63d5 + md5: 1c66ca63de735589ae01017033df2034 + sha256: 561c86c9aa3211b37cc5675c7c8d719cb027525846c4dc2b879517a4558efa77 category: main optional: false - name: dagster-pipes - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 521cde2b4e9f5919f1c10384f8050874 - sha256: 84b0f25af328c185f0bb86fbe2a49f2cd2917ecd6c3413881a54b2a92c6a63d5 + md5: 1c66ca63de735589ae01017033df2034 + sha256: 561c86c9aa3211b37cc5675c7c8d719cb027525846c4dc2b879517a4558efa77 category: main optional: false - name: dagster-pipes - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-arm64 dependencies: python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-pipes-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 521cde2b4e9f5919f1c10384f8050874 - sha256: 84b0f25af328c185f0bb86fbe2a49f2cd2917ecd6c3413881a54b2a92c6a63d5 + md5: 1c66ca63de735589ae01017033df2034 + sha256: 561c86c9aa3211b37cc5675c7c8d719cb027525846c4dc2b879517a4558efa77 category: main optional: false - name: dagster-postgres - version: 0.21.11 + version: 0.21.12 manager: conda platform: linux-64 dependencies: - dagster: 1.5.11.* + dagster: 1.5.12.* psycopg2-binary: "" python: ">=3.8" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.12-pyhd8ed1ab_0.conda hash: - md5: de15ce0dd3e33040b34c29fe8c0efafd - sha256: 960e055be62adfd094257eadb0a23eacc9cce3f1b540deddec9b6a498e3ece85 + md5: 3e77306199e15b093ad06f02c4b31947 + sha256: 9b4ddf5b96c96b8208a7b627bdfb78ff472cd54c380c111f3ec85bb877147499 category: main optional: false - name: dagster-postgres - version: 0.21.11 + version: 0.21.12 manager: conda platform: osx-64 dependencies: psycopg2-binary: "" python: ">=3.8" - dagster: 1.5.11.* - url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.11-pyhd8ed1ab_0.conda + dagster: 1.5.12.* + url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.12-pyhd8ed1ab_0.conda hash: - md5: de15ce0dd3e33040b34c29fe8c0efafd - sha256: 960e055be62adfd094257eadb0a23eacc9cce3f1b540deddec9b6a498e3ece85 + md5: 3e77306199e15b093ad06f02c4b31947 + sha256: 9b4ddf5b96c96b8208a7b627bdfb78ff472cd54c380c111f3ec85bb877147499 category: main optional: false - name: dagster-postgres - version: 0.21.11 + version: 0.21.12 manager: conda platform: osx-arm64 dependencies: psycopg2-binary: "" python: ">=3.8" - dagster: 1.5.11.* - url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.11-pyhd8ed1ab_0.conda + dagster: 1.5.12.* + url: https://conda.anaconda.org/conda-forge/noarch/dagster-postgres-0.21.12-pyhd8ed1ab_0.conda hash: - md5: de15ce0dd3e33040b34c29fe8c0efafd - sha256: 960e055be62adfd094257eadb0a23eacc9cce3f1b540deddec9b6a498e3ece85 + md5: 3e77306199e15b093ad06f02c4b31947 + sha256: 9b4ddf5b96c96b8208a7b627bdfb78ff472cd54c380c111f3ec85bb877147499 category: main optional: false - name: dagster-webserver - version: 1.5.11 + version: 1.5.12 manager: conda platform: linux-64 dependencies: click: ">=7.0,<9.0" - dagster: ">=1.5.11,<1.5.12.0a0" - dagster-graphql: ">=1.5.11,<1.5.12.0a0" + dagster: ">=1.5.12,<1.5.13.0a0" + dagster-graphql: ">=1.5.12,<1.5.13.0a0" python: ">=3.8" starlette: "" uvicorn-standard: "" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.11-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 26fc6d8624aa44ad7a27ae376c8c8126 - sha256: d2a0d9a100c353b3489d72832ed2541b128ff548a8b314e00d1259c07795be17 + md5: 92f1a728da0e353b6981455a63ba2523 + sha256: bb72a39afb99dc3d5bcbc9ab723daeb7a1926b3b20153d255f3ae058b1306593 category: dev optional: true - name: dagster-webserver - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-64 dependencies: @@ -4069,16 +4069,16 @@ package: uvicorn-standard: "" python: ">=3.8" click: ">=7.0,<9.0" - dagster: ">=1.5.11,<1.5.12.0a0" - dagster-graphql: ">=1.5.11,<1.5.12.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.11-pyhd8ed1ab_0.conda + dagster: ">=1.5.12,<1.5.13.0a0" + dagster-graphql: ">=1.5.12,<1.5.13.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 26fc6d8624aa44ad7a27ae376c8c8126 - sha256: d2a0d9a100c353b3489d72832ed2541b128ff548a8b314e00d1259c07795be17 + md5: 92f1a728da0e353b6981455a63ba2523 + sha256: bb72a39afb99dc3d5bcbc9ab723daeb7a1926b3b20153d255f3ae058b1306593 category: dev optional: true - name: dagster-webserver - version: 1.5.11 + version: 1.5.12 manager: conda platform: osx-arm64 dependencies: @@ -4086,12 +4086,12 @@ package: uvicorn-standard: "" python: ">=3.8" click: ">=7.0,<9.0" - dagster: ">=1.5.11,<1.5.12.0a0" - dagster-graphql: ">=1.5.11,<1.5.12.0a0" - url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.11-pyhd8ed1ab_0.conda + dagster: ">=1.5.12,<1.5.13.0a0" + dagster-graphql: ">=1.5.12,<1.5.13.0a0" + url: https://conda.anaconda.org/conda-forge/noarch/dagster-webserver-1.5.12-pyhd8ed1ab_0.conda hash: - md5: 26fc6d8624aa44ad7a27ae376c8c8126 - sha256: d2a0d9a100c353b3489d72832ed2541b128ff548a8b314e00d1259c07795be17 + md5: 92f1a728da0e353b6981455a63ba2523 + sha256: bb72a39afb99dc3d5bcbc9ab723daeb7a1926b3b20153d255f3ae058b1306593 category: dev optional: true - name: dask-core @@ -4470,39 +4470,39 @@ package: category: main optional: false - name: distlib - version: 0.3.7 + version: 0.3.8 manager: conda platform: linux-64 dependencies: python: 2.7|>=3.6 - url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.8-pyhd8ed1ab_0.conda hash: - md5: 12d8aae6994f342618443a8f05c652a0 - sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 + md5: db16c66b759a64dc5183d69cc3745a52 + sha256: 3ff11acdd5cc2f80227682966916e878e45ced94f59c402efb94911a5774e84e category: main optional: false - name: distlib - version: 0.3.7 + version: 0.3.8 manager: conda platform: osx-64 dependencies: python: 2.7|>=3.6 - url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.8-pyhd8ed1ab_0.conda hash: - md5: 12d8aae6994f342618443a8f05c652a0 - sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 + md5: db16c66b759a64dc5183d69cc3745a52 + sha256: 3ff11acdd5cc2f80227682966916e878e45ced94f59c402efb94911a5774e84e category: main optional: false - name: distlib - version: 0.3.7 + version: 0.3.8 manager: conda platform: osx-arm64 dependencies: python: 2.7|>=3.6 - url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.7-pyhd8ed1ab_0.conda + url: https://conda.anaconda.org/conda-forge/noarch/distlib-0.3.8-pyhd8ed1ab_0.conda hash: - md5: 12d8aae6994f342618443a8f05c652a0 - sha256: 13c887cb4a29e1e853a118cfc0e42b72a7e1d1c50c66c0974885d37f0db30619 + md5: db16c66b759a64dc5183d69cc3745a52 + sha256: 3ff11acdd5cc2f80227682966916e878e45ced94f59c402efb94911a5774e84e category: main optional: false - name: dnspython diff --git a/environments/conda-osx-64.lock.yml b/environments/conda-osx-64.lock.yml index d9a3d57972..50ce6c18e0 100644 --- a/environments/conda-osx-64.lock.yml +++ b/environments/conda-osx-64.lock.yml @@ -152,12 +152,12 @@ dependencies: - colorama=0.4.6=pyhd8ed1ab_0 - crashtest=0.4.1=pyhd8ed1ab_0 - cycler=0.12.1=pyhd8ed1ab_0 - - dagster-pipes=1.5.11=pyhd8ed1ab_0 + - dagster-pipes=1.5.12=pyhd8ed1ab_0 - dataclasses=0.8=pyhc8e2a94_3 - debugpy=1.8.0=py311hdf8f085_1 - decorator=5.1.1=pyhd8ed1ab_0 - defusedxml=0.7.1=pyhd8ed1ab_0 - - distlib=0.3.7=pyhd8ed1ab_0 + - distlib=0.3.8=pyhd8ed1ab_0 - docstring_parser=0.15=pyhd8ed1ab_0 - docutils=0.20.1=py311h6eed73b_3 - entrypoints=0.4=pyhd8ed1ab_0 @@ -382,7 +382,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hf3941dc_6 - - botocore=1.33.11=pyhd8ed1ab_0 + - botocore=1.33.12=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.7=py311h48c7838_1 @@ -470,9 +470,9 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=h6eed73b_0 - - boto3=1.33.11=pyhd8ed1ab_0 + - boto3=1.33.12=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - - dagster=1.5.11=pyhd8ed1ab_0 + - dagster=1.5.12=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 @@ -496,8 +496,8 @@ dependencies: - timezonefinder=6.2.0=py311he705e18_2 - catalystcoop.ferc_xbrl_extractor=1.3.1=pyhd8ed1ab_0 - conda-lock=2.5.1=pyhd8ed1ab_0 - - dagster-graphql=1.5.11=pyhd8ed1ab_0 - - dagster-postgres=0.21.11=pyhd8ed1ab_0 + - dagster-graphql=1.5.12=pyhd8ed1ab_0 + - dagster-postgres=0.21.12=pyhd8ed1ab_0 - fiona=1.9.5=py311h809632c_2 - google-api-core=2.15.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 @@ -513,7 +513,7 @@ dependencies: - qtconsole-base=5.5.1=pyha770c72_0 - recordlinkage=0.16=pyhd8ed1ab_0 - tabulator=1.53.5=pyhd8ed1ab_0 - - dagster-webserver=1.5.11=pyhd8ed1ab_0 + - dagster-webserver=1.5.12=pyhd8ed1ab_0 - geopandas=0.14.1=pyhd8ed1ab_0 - google-cloud-core=2.4.1=pyhd8ed1ab_0 - libarrow-dataset=14.0.1=hc222712_3_cpu diff --git a/environments/conda-osx-arm64.lock.yml b/environments/conda-osx-arm64.lock.yml index 8637bccd2c..400eed669a 100644 --- a/environments/conda-osx-arm64.lock.yml +++ b/environments/conda-osx-arm64.lock.yml @@ -152,12 +152,12 @@ dependencies: - colorama=0.4.6=pyhd8ed1ab_0 - crashtest=0.4.1=pyhd8ed1ab_0 - cycler=0.12.1=pyhd8ed1ab_0 - - dagster-pipes=1.5.11=pyhd8ed1ab_0 + - dagster-pipes=1.5.12=pyhd8ed1ab_0 - dataclasses=0.8=pyhc8e2a94_3 - debugpy=1.8.0=py311ha891d26_1 - decorator=5.1.1=pyhd8ed1ab_0 - defusedxml=0.7.1=pyhd8ed1ab_0 - - distlib=0.3.7=pyhd8ed1ab_0 + - distlib=0.3.8=pyhd8ed1ab_0 - docstring_parser=0.15=pyhd8ed1ab_0 - docutils=0.20.1=py311h267d04e_3 - entrypoints=0.4=pyhd8ed1ab_0 @@ -382,7 +382,7 @@ dependencies: - arrow=1.3.0=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - aws-crt-cpp=0.24.7=hba4ac3b_6 - - botocore=1.33.11=pyhd8ed1ab_0 + - botocore=1.33.12=pyhd8ed1ab_0 - branca=0.7.0=pyhd8ed1ab_1 - croniter=2.0.1=pyhd8ed1ab_0 - cryptography=41.0.7=py311h08c85a6_1 @@ -470,9 +470,9 @@ dependencies: - typeguard=4.1.5=pyhd8ed1ab_1 - typer=0.9.0=pyhd8ed1ab_0 - uvicorn-standard=0.24.0.post1=ha1ab1f8_0 - - boto3=1.33.11=pyhd8ed1ab_0 + - boto3=1.33.12=pyhd8ed1ab_0 - cachecontrol-with-filecache=0.13.1=pyhd8ed1ab_0 - - dagster=1.5.11=pyhd8ed1ab_0 + - dagster=1.5.12=pyhd8ed1ab_0 - datasette=0.64.4=pyhd8ed1ab_1 - doc8=1.1.1=pyhd8ed1ab_0 - email-validator=2.1.0.post1=pyhd8ed1ab_0 @@ -496,8 +496,8 @@ dependencies: - timezonefinder=6.2.0=py311h05b510d_2 - catalystcoop.ferc_xbrl_extractor=1.3.1=pyhd8ed1ab_0 - conda-lock=2.5.1=pyhd8ed1ab_0 - - dagster-graphql=1.5.11=pyhd8ed1ab_0 - - dagster-postgres=0.21.11=pyhd8ed1ab_0 + - dagster-graphql=1.5.12=pyhd8ed1ab_0 + - dagster-postgres=0.21.12=pyhd8ed1ab_0 - fiona=1.9.5=py311h4760b73_2 - google-api-core=2.15.0=pyhd8ed1ab_0 - google-auth-oauthlib=1.1.0=pyhd8ed1ab_0 @@ -513,7 +513,7 @@ dependencies: - qtconsole-base=5.5.1=pyha770c72_0 - recordlinkage=0.16=pyhd8ed1ab_0 - tabulator=1.53.5=pyhd8ed1ab_0 - - dagster-webserver=1.5.11=pyhd8ed1ab_0 + - dagster-webserver=1.5.12=pyhd8ed1ab_0 - geopandas=0.14.1=pyhd8ed1ab_0 - google-cloud-core=2.4.1=pyhd8ed1ab_0 - libarrow-dataset=14.0.1=had9dd58_3_cpu From 67151b838260d1afc72e14a370105920c7855ae7 Mon Sep 17 00:00:00 2001 From: zschira Date: Tue, 12 Dec 2023 16:44:04 -0500 Subject: [PATCH 47/60] Fix name to not clobber import --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 4a5696e265..c3f09d1bb6 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -29,7 +29,7 @@ ] -embed_dataframe = embed_dataframe.dataframe_embedder_factory( +ferc_datframe_embedder = embed_dataframe.dataframe_embedder_factory( { "plant_name": embed_dataframe.ColumnVectorizer( transform_steps=[ @@ -156,7 +156,7 @@ def _out_ferc1__yearly_steam_plants_sched402( logger.info("Identifying distinct large FERC plants for ID assignment.") input_df = merge_steam_fuel_dfs(plants_steam_ferc1, denorm_fuel_by_plant_ferc1) - feature_matrix = embed_dataframe(input_df) + feature_matrix = ferc_datframe_embedder(input_df) label_df = link_ids_cross_year(input_df, feature_matrix) return plants_steam_validate_ids(plants_steam_ferc1, label_df) From 96aaa36ed22dfc1f9ce23807ccc94f50dc97b100 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 13 Dec 2023 12:13:34 -0500 Subject: [PATCH 48/60] Use numba to speed up ferc-ferc model --- .../record_linkage/link_cross_year.py | 75 ++++++++++++------- 1 file changed, 46 insertions(+), 29 deletions(-) diff --git a/src/pudl/analysis/record_linkage/link_cross_year.py b/src/pudl/analysis/record_linkage/link_cross_year.py index 0dd90748b6..77b93ef94a 100644 --- a/src/pudl/analysis/record_linkage/link_cross_year.py +++ b/src/pudl/analysis/record_linkage/link_cross_year.py @@ -5,6 +5,8 @@ import numpy as np import pandas as pd from dagster import Config, graph, op +from numba import njit +from numba.typed import List from sklearn.cluster import DBSCAN, AgglomerativeClustering from sklearn.metrics import pairwise_distances_chunked from sklearn.neighbors import NearestNeighbors @@ -68,21 +70,42 @@ def __init__( shape=(feature_matrix.shape[0], feature_matrix.shape[0]), ) - def get_cluster_distance_matrix(self, cluster_inds: np.ndarray) -> np.ndarray: - """Return a distance matrix with only distances within a cluster.""" - cluster_size = len(cluster_inds) - dist_inds = np.array(np.meshgrid(cluster_inds, cluster_inds)).T.reshape(-1, 2) - return self.distance_matrix[dist_inds[:, 0], dist_inds[:, 1]].reshape( - (cluster_size, cluster_size) - ) - def average_dist_between_clusters( - self, set_1: list[int], set_2: list[int] - ) -> float: - """Compute average distance between two clusters of records given indices of each cluster.""" - dist_inds = np.array(np.meshgrid(set_1, set_2)).T.reshape(-1, 2) - dists = self.distance_matrix[dist_inds[:, 0], dist_inds[:, 1]] - return dists.mean() +def get_cluster_distance_matrix( + distance_matrix: np.ndarray, cluster_inds: np.ndarray +) -> np.ndarray: + """Return a distance matrix with only distances within a cluster.""" + cluster_size = len(cluster_inds) + dist_inds = np.array(np.meshgrid(cluster_inds, cluster_inds)).T.reshape(-1, 2) + return distance_matrix[dist_inds[:, 0], dist_inds[:, 1]].reshape( + (cluster_size, cluster_size) + ) + + +@njit +def get_average_distance_matrix( + distance_matrix: np.ndarray, + cluster_groups: list[list[int]], +) -> np.ndarray: + """Compute average distance between two clusters of records given indices of each cluster.""" + # Prepare a distance matrix of (n_clusters x n_clusters) + # Distance matrix contains average distance between each cluster + n_clusters = len(cluster_groups) + average_dist_matrix = np.zeros((n_clusters, n_clusters)) + + # Heavy nested looping optimized by numba + for i, cluster_i in enumerate(cluster_groups): + for j, cluster_j in enumerate(cluster_groups[:i]): + total_dist = 0 + for cluster_i_ind in cluster_i: + for cluster_j_ind in cluster_j: + total_dist += distance_matrix[cluster_i_ind, cluster_j_ind] + + average_dist = total_dist / (len(cluster_i) + len(cluster_j)) + average_dist_matrix[i, j] = average_dist + average_dist_matrix[j, i] = average_dist + + return average_dist_matrix @op @@ -175,7 +198,9 @@ def _generate_cluster_ids(max_cluster_id: int) -> int: cluster_inds = id_year_df[ id_year_df.record_label == duplicated_id ].index.to_numpy() - cluster_distances = distance_matrix.get_cluster_distance_matrix(cluster_inds) + cluster_distances = get_cluster_distance_matrix( + distance_matrix.distance_matrix, cluster_inds + ) new_labels = classifier.fit_predict(cluster_distances) for new_label in np.unique(new_labels): @@ -216,23 +241,15 @@ def match_orphaned_records( cluster_inds = id_year_df.groupby("record_label").indices # Orphaned records are considered a cluster of a single record - cluster_groups = [[ind] for ind in cluster_inds[-1]] + cluster_groups = [List([ind]) for ind in cluster_inds[-1]] # Get list of all points in each assigned cluster - cluster_groups += [inds for key, inds in cluster_inds.items() if key != -1] + cluster_groups += [List(inds) for key, inds in cluster_inds.items() if key != -1] + cluster_groups = List(cluster_groups) - # Prepare a distance matrix of (n_clusters x n_clusters) - # Distance matrix contains average distance between each cluster - n_clusters = len(cluster_groups) - average_dist_matrix = np.zeros((n_clusters, n_clusters)) - - # TODO(zschira): Major model bottleneck. If optimizations become required, start here. - for i, x_cluster_inds in enumerate(cluster_groups): - for j, y_cluster_inds in enumerate(cluster_groups[:i]): - average_dist_matrix[i, j] = distance_matrix.average_dist_between_clusters( - x_cluster_inds, y_cluster_inds - ) - average_dist_matrix[j, i] = average_dist_matrix[i, j] + average_dist_matrix = get_average_distance_matrix( + distance_matrix.distance_matrix, cluster_groups + ) # Assign new labels to all points new_labels = classifier.fit_predict(average_dist_matrix) From 7edc408b66f83fa27142848cf66c9e3f8705a7bf Mon Sep 17 00:00:00 2001 From: Katie Lamb Date: Tue, 19 Dec 2023 17:40:45 -0800 Subject: [PATCH 49/60] create new migration --- ...b_create_intermediate_steam_plants_table_.py} | 16 ++++++++-------- 1 file changed, 8 insertions(+), 8 deletions(-) rename migrations/versions/{798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py => 2e5b623ab40b_create_intermediate_steam_plants_table_.py} (56%) diff --git a/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py b/migrations/versions/2e5b623ab40b_create_intermediate_steam_plants_table_.py similarity index 56% rename from migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py rename to migrations/versions/2e5b623ab40b_create_intermediate_steam_plants_table_.py index 4ce2f52033..4cfc3a559a 100644 --- a/migrations/versions/798bf5270fe4_remove_plant_id_ferc1_from_plants_steam_.py +++ b/migrations/versions/2e5b623ab40b_create_intermediate_steam_plants_table_.py @@ -1,23 +1,23 @@ -"""Remove plant_id_ferc1 from plants_steam_ferc1 +"""create intermediate steam plants table with plant ids -Revision ID: 798bf5270fe4 -Revises: 7febe79b8760 -Create Date: 2023-12-11 16:10:03.884779 +Revision ID: 2e5b623ab40b +Revises: 4b08158ae952 +Create Date: 2023-12-19 17:37:33.476337 """ import sqlalchemy as sa from alembic import op # revision identifiers, used by Alembic. -revision = '798bf5270fe4' -down_revision = '7febe79b8760' +revision = '2e5b623ab40b' +down_revision = '4b08158ae952' branch_labels = None depends_on = None def upgrade() -> None: # ### commands auto generated by Alembic - please adjust! ### - with op.batch_alter_table('plants_steam_ferc1', schema=None) as batch_op: + with op.batch_alter_table('core_ferc1__yearly_steam_plants_sched402', schema=None) as batch_op: batch_op.drop_column('plant_id_ferc1') # ### end Alembic commands ### @@ -25,7 +25,7 @@ def upgrade() -> None: def downgrade() -> None: # ### commands auto generated by Alembic - please adjust! ### - with op.batch_alter_table('plants_steam_ferc1', schema=None) as batch_op: + with op.batch_alter_table('core_ferc1__yearly_steam_plants_sched402', schema=None) as batch_op: batch_op.add_column(sa.Column('plant_id_ferc1', sa.INTEGER(), nullable=True)) # ### end Alembic commands ### From dc9f0bda01f04e100ad07d4d3165f7a566aed47d Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 01:00:47 -0500 Subject: [PATCH 50/60] Improve fuel fraction test generation --- test/integration/record_linkage.py | 59 +++++++++++++++++++++--------- 1 file changed, 42 insertions(+), 17 deletions(-) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index 426d74e336..a0e54dba58 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -11,7 +11,7 @@ from pudl.analysis.record_linkage.classify_plants_ferc1 import ( _FUEL_COLS, - embed_dataframe, + ferc_dataframe_embedder, ) from pudl.analysis.record_linkage.link_cross_year import link_ids_cross_year from pudl.transform.params.ferc1 import ( @@ -33,7 +33,11 @@ def _randomly_modify_string(input_str: str, k: int = 5) -> str: # Possible characters to select from when performing "add" or "substitute" # Letters are included twice to increase odds of selecting a letter characters = ( - string.digits + string.ascii_letters + string.ascii_letters + string.punctuation + string.digits + + string.ascii_letters + + string.ascii_letters + + string.punctuation + + string.whitespace ) # Generate random number between 0-k many times and taking min @@ -53,6 +57,24 @@ def _randomly_modify_string(input_str: str, k: int = 5) -> str: return "".join(input_list) +def _generate_fuel_cols(plant_type: str, size: int) -> pd.DataFrame: + fuel_cols = pd.DataFrame([[pd.NA] * len(_FUEL_COLS)] * size, columns=_FUEL_COLS) + if plant_type == "nuclear": + fuel_cols["nuclear_fraction_mmbtu"] = 1.0 + elif plant_type == "steam": + fuel_cols["coal_fraction_mmbtu"] = random.uniform(0.6, 1) + fuel_cols["gas_fraction_mmbtu"] = 1 - fuel_cols["coal_fraction_mmbtu"] + elif ( + plant_type == "internal_combustion" + or plant_type == "combustion_turbine" + or plant_type == "combined_cycle" + ): + fuel_cols["gas_fraction_mmbtu"] = random.uniform(0, 1) + fuel_cols["oil_fraction_mmbtu"] = 1 - fuel_cols["gas_fraction_mmbtu"] + + return fuel_cols + + def _noisify(col: pd.Series, sigma: float = 0.01, probability: float = 1) -> pd.Series: """Add random noise to a column.""" noisy_rows = _RANDOM_GENERATOR.random(len(col)) > (1 - probability) @@ -76,6 +98,10 @@ def _generate_random_test_df( default_plant_name: str, size: int = 2022 - 1994, plant_name_max_edits: int = 5, + plant_type=random.choice(list(PLANT_TYPE_CATEGORIES["categories"].keys())), + construction_type=random.choice( + list(CONSTRUCTION_TYPE_CATEGORIES["categories"].keys()) + ), plant_type_error_prob: float = 0.01, construction_type_error_prob: float = 0.01, construction_year_error_prob: float = 0.01, @@ -90,15 +116,9 @@ def _generate_random_test_df( generated_df = pd.DataFrame( { "base_plant_name": [default_plant_name] * size, - "plant_type": [ - random.choice(list(PLANT_TYPE_CATEGORIES["categories"].keys())) - ] - * size, + "plant_type": [plant_type] * size, "report_year": list(range(1994, 1994 + size)), - "construction_type": [ - random.choice(list(CONSTRUCTION_TYPE_CATEGORIES["categories"].keys())) - ] - * size, + "construction_type": [construction_type] * size, "capacity_mw": [capacity_mean] * size, "construction_year": [ random.randrange( @@ -142,10 +162,8 @@ def _generate_random_test_df( plant_type_error_prob, ) - # Generate l1 unit vector to represent fuel fractions (all add up to 1) - fuel_frac_vec = abs(_RANDOM_GENERATOR.normal(size=len(_FUEL_COLS))) - fuel_frac_vec = fuel_frac_vec / np.linalg.norm(fuel_frac_vec, ord=1) - generated_df[_FUEL_COLS] = fuel_frac_vec + # Generate vectors of fuel fractions + generated_df[_FUEL_COLS] = _generate_fuel_cols(plant_type, size) # Add minor noise to fuel fractions for col in _FUEL_COLS: @@ -184,6 +202,11 @@ def mock_ferc1_plants_df(): _generate_random_test_df("allen e. kintigh", capacity_mean=150), _generate_random_test_df("hawthorn 6", capacity_mean=150), _generate_random_test_df("venice c.t.", capacity_mean=500), + _generate_random_test_df("keystone *", capacity_mean=1872.0, size=3), + _generate_random_test_df("keystone", capacity_mean=50.0, size=21), + _generate_random_test_df( + "keystone 1&2 (3.70%)", capacity_mean=69.3, size=5 + ), ] ).reset_index() @@ -193,12 +216,14 @@ def test_classify_plants_ferc1(mock_ferc1_plants_df): @graph def _link_ids(df: pd.DataFrame): - feature_matrix = embed_dataframe(df) + feature_matrix = ferc_dataframe_embedder(df) label_df = link_ids_cross_year(df, feature_matrix) return label_df - mock_ferc1_plants_df["plant_id_ferc1"] = _link_ids.to_job().execute_in_process( - input_values={"df": mock_ferc1_plants_df} + mock_ferc1_plants_df["plant_id_ferc1"] = ( + _link_ids.to_job() + .execute_in_process(input_values={"df": mock_ferc1_plants_df}) + .output_value()["record_label"] ) # Compute percent of records assigned correctly From ec34f1e4874a189b9a24f3f3fe3e24f558d79427 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 01:10:59 -0500 Subject: [PATCH 51/60] Fix typo --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 44366cefdc..0dba1446b2 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -29,7 +29,7 @@ ] -ferc_datframe_embedder = embed_dataframe.dataframe_embedder_factory( +ferc_dataframe_embedder = embed_dataframe.dataframe_embedder_factory( { "plant_name": embed_dataframe.ColumnVectorizer( transform_steps=[ @@ -159,7 +159,7 @@ def _out_ferc1__yearly_steam_plants_sched402_with_plant_ids( core_ferc1__yearly_steam_plants_sched402, out_ferc1__yearly_steam_plants_fuel_by_plant_sched402, ) - feature_matrix = ferc_datframe_embedder(input_df) + feature_matrix = ferc_dataframe_embedder(input_df) label_df = link_ids_cross_year(input_df, feature_matrix) return plants_steam_validate_ids(core_ferc1__yearly_steam_plants_sched402, label_df) From 95bb1cab8688651a89ffa7eca79cb0b1ff864785 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 01:29:21 -0500 Subject: [PATCH 52/60] Refine ferc-ferc model parameters --- src/pudl/analysis/record_linkage/link_cross_year.py | 6 +++--- test/integration/record_linkage.py | 10 ++++++---- 2 files changed, 9 insertions(+), 7 deletions(-) diff --git a/src/pudl/analysis/record_linkage/link_cross_year.py b/src/pudl/analysis/record_linkage/link_cross_year.py index 77b93ef94a..8c53d743c1 100644 --- a/src/pudl/analysis/record_linkage/link_cross_year.py +++ b/src/pudl/analysis/record_linkage/link_cross_year.py @@ -21,7 +21,7 @@ class PenalizeReportYearDistanceConfig(Config): """Compute distance between records and add penalty to records from same year.""" distance_penalty: float = 10000.0 - metric: str = "euclidean" + metric: str = "cosine" class DistanceMatrix: @@ -122,8 +122,8 @@ class DBSCANConfig(Config): """Configuration for DBSCAN step.""" #: See :class:`sklearn.cluster.DBSCAN` for details. - eps: float = 0.1 - min_samples: int = 2 + eps: float = 0.5 + min_samples: int = 1 @op diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage.py index a0e54dba58..c52141c7b5 100644 --- a/test/integration/record_linkage.py +++ b/test/integration/record_linkage.py @@ -9,6 +9,7 @@ import pytest from dagster import graph +import pudl from pudl.analysis.record_linkage.classify_plants_ferc1 import ( _FUEL_COLS, ferc_dataframe_embedder, @@ -22,6 +23,8 @@ _RANDOM_GENERATOR = np.random.default_rng(12335) +logger = pudl.logging_helpers.get_logger(__name__) + def _randomly_modify_string(input_str: str, k: int = 5) -> str: """Generate up to k random edits of input string.""" @@ -232,7 +235,6 @@ def _link_ids(df: pd.DataFrame): .apply(lambda plant_ids: plant_ids.value_counts().iloc[0]) .sum() ) - - assert ( - correctly_matched / len(mock_ferc1_plants_df) > 0.85 - ), "Percent of correctly matched FERC records below 85%." + ratio_correct = correctly_matched / len(mock_ferc1_plants_df) + logger.info(f"Percent correctly matched: {ratio_correct*100:.2f}%") + assert ratio_correct > 0.95, "Percent of correctly matched FERC records below 85%." From b844f8088a6dd6721a653b4fd94146842b407a5f Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 02:37:34 -0500 Subject: [PATCH 53/60] Add improved docstring --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 1 + 1 file changed, 1 insertion(+) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 0dba1446b2..f38358a198 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -92,6 +92,7 @@ def plants_steam_validate_ids( Args: ferc1_steam_df: A DataFrame of the data from the FERC 1 Steam table. + label_df: A DataFrame containing column of newly assigned plant labels. Returns: The input dataframe, to enable method chaining. From 7c1d6c35829f5b0cad3f9c4403afd7173e4203f1 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 02:50:39 -0500 Subject: [PATCH 54/60] Remove inaccurate docstring --- .../record_linkage/classify_plants_ferc1.py | 17 ++--------------- 1 file changed, 2 insertions(+), 15 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index f38358a198..5c1d02d074 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -167,14 +167,7 @@ def _out_ferc1__yearly_steam_plants_sched402_with_plant_ids( def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: - """Revert the filled nulls from string columns. - - Many columns that are used for the classification in - :func:`plants_steam_assign_plant_ids` have many nulls. The classifier can't handle - nulls well, so we filled in nulls with empty strings for string columns. This - function replaces empty strings with null values for specific columns that are known - to contain empty strings introduced for the classifier. - """ + """Revert the filled nulls from string columns.""" for col in [ "plant_type", "construction_type", @@ -192,13 +185,7 @@ def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: def revert_filled_in_float_nulls(df: pd.DataFrame) -> pd.DataFrame: - """Revert the filled nulls from float columns. - - Many columns that are used for the classification in - :func:`plants_steam_assign_plant_ids` have many nulls. The classifier can't handle - nulls well, so we filled in nulls with zeros for float columns. This function - replaces zeros with nulls for all float columns. - """ + """Revert the filled nulls from float columns.""" float_cols = list(df.select_dtypes(include=[float])) if float_cols: df.loc[:, float_cols] = df.loc[:, float_cols].replace(0, np.nan) From c6a94961aebc72ddb685f63e6da7f050b22ebd42 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 03:01:21 -0500 Subject: [PATCH 55/60] Add dedicated module for fuel by plant --- src/pudl/analysis/fuel_by_plant.py | 192 ++++++++++++++++++ .../record_linkage/classify_plants_ferc1.py | 188 ----------------- src/pudl/output/ferc1.py | 10 +- 3 files changed, 195 insertions(+), 195 deletions(-) create mode 100644 src/pudl/analysis/fuel_by_plant.py diff --git a/src/pudl/analysis/fuel_by_plant.py b/src/pudl/analysis/fuel_by_plant.py new file mode 100644 index 0000000000..d781a06ed3 --- /dev/null +++ b/src/pudl/analysis/fuel_by_plant.py @@ -0,0 +1,192 @@ +"""Calculates useful FERC Form 1 fuel metrics on a per plant-year basis.""" + +import re + +import numpy as np +import pandas as pd + + +def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: + """Revert the filled nulls from string columns.""" + for col in [ + "plant_type", + "construction_type", + "fuel_type_code_pudl", + "primary_fuel_by_cost", + "primary_fuel_by_mmbtu", + ]: + if col in df.columns: + # the replace to_replace={column_name: {"", pd.NA}} mysteriously doesn't work. + df[col] = df[col].replace( + to_replace=[""], + value=pd.NA, + ) + return df + + +def revert_filled_in_float_nulls(df: pd.DataFrame) -> pd.DataFrame: + """Revert the filled nulls from float columns.""" + float_cols = list(df.select_dtypes(include=[float])) + if float_cols: + df.loc[:, float_cols] = df.loc[:, float_cols].replace(0, np.nan) + return df + + +def fuel_by_plant_ferc1( + fuel_df: pd.DataFrame, fuel_categories: list[str], thresh: float = 0.5 +) -> pd.DataFrame: + """Calculates useful FERC Form 1 fuel metrics on a per plant-year basis. + + Each record in the FERC Form 1 corresponds to a particular type of fuel. Many plants + -- especially coal plants -- use more than one fuel, with gas and/or diesel serving + as startup fuels. In order to be able to classify the type of plant based on + relative proportions of fuel consumed or fuel costs it is useful to aggregate these + per-fuel records into a single record for each plant. + + Fuel cost (in nominal dollars) and fuel heat content (in mmBTU) are calculated for + each fuel based on the cost and heat content per unit, and the number of units + consumed, and then summed by fuel type (there can be more than one record for a + given type of fuel in each plant because we are simplifying the fuel categories). + The per-fuel records are then pivoted to create one column per fuel type. The total + is summed and stored separately, and the individual fuel costs & heat contents are + divided by that total, to yield fuel proportions. Based on those proportions and a + minimum threshold that's passed in, a "primary" fuel type is then assigned to the + plant-year record and given a string label. + + Args: + fuel_df: Pandas DataFrame resembling the post-transform + result for the fuel_ferc1 table. + thresh: A value between 0.5 and 1.0 indicating the minimum fraction of + overall heat content that must have been provided by a fuel in a plant-year + for it to be considered the "primary" fuel for the plant in that year. + Default value: 0.5. + + Returns: + DataFrame with a single record for each plant-year, including the columns + required to merge it with the plants_steam_ferc1 table/DataFrame (report_year, + utility_id_ferc1, and plant_name) as well as totals for fuel mmbtu consumed in + that plant-year, and the cost of fuel in that year, the proportions of heat + content and fuel costs for each fuel in that year, and a column that labels the + plant's primary fuel for that year. + + Raises: + AssertionError: If the DataFrame input does not have the columns required to + run the function. + """ + keep_cols = [ + "report_year", # key + "utility_id_ferc1", # key + "plant_name_ferc1", # key + "fuel_type_code_pudl", # pivot + "fuel_consumed_units", # value + "fuel_mmbtu_per_unit", # value + "fuel_cost_per_unit_burned", # value + ] + + # Ensure that the dataframe we've gotten has all the information we need: + missing_cols = [col for col in keep_cols if col not in fuel_df.columns] + if missing_cols: + raise AssertionError( + f"Required columns not found in input fuel_df: {missing_cols}" + ) + + # Calculate per-fuel derived values and add them to the DataFrame + df = ( + # Really there should *not* be any duplicates here but... there's a + # bug somewhere that introduces them into the fuel_ferc1 table. + fuel_df[keep_cols] + .drop_duplicates() + # Calculate totals for each record based on per-unit values: + .assign(fuel_mmbtu=lambda x: x.fuel_consumed_units * x.fuel_mmbtu_per_unit) + .assign(fuel_cost=lambda x: x.fuel_consumed_units * x.fuel_cost_per_unit_burned) + # Drop the ratios and heterogeneous fuel "units" + .drop( + ["fuel_mmbtu_per_unit", "fuel_cost_per_unit_burned", "fuel_consumed_units"], + axis=1, + ) + # Group by the keys and fuel type, and sum: + .groupby( + [ + "utility_id_ferc1", + "plant_name_ferc1", + "report_year", + "fuel_type_code_pudl", + ], + observed=True, + ) + .sum() + .reset_index() + # Set the index to the keys, and pivot to get per-fuel columns: + .set_index(["utility_id_ferc1", "plant_name_ferc1", "report_year"]) + .pivot(columns="fuel_type_code_pudl") + .fillna(0.0) + ) + + # Undo pivot. Could refactor this old function + plant_year_totals = df.stack("fuel_type_code_pudl").groupby(level=[0, 1, 2]).sum() + + # Calculate total heat content burned for each plant, and divide it out + mmbtu_group = ( + pd.merge( + # Sum up all the fuel heat content, and divide the individual fuel + # heat contents by it (they are all contained in single higher + # level group of columns labeled fuel_mmbtu) + df.loc[:, "fuel_mmbtu"].div( + df.loc[:, "fuel_mmbtu"].sum(axis=1), axis="rows" + ), + # Merge that same total into the dataframe separately as well. + plant_year_totals.loc[:, "fuel_mmbtu"], + right_index=True, + left_index=True, + ) + .rename(columns=lambda x: re.sub(r"$", "_fraction_mmbtu", x)) + .rename(columns=lambda x: re.sub(r"_mmbtu_fraction_mmbtu$", "_mmbtu", x)) + ) + + # Calculate total fuel cost for each plant, and divide it out + cost_group = ( + pd.merge( + # Sum up all the fuel costs, and divide the individual fuel + # costs by it (they are all contained in single higher + # level group of columns labeled fuel_cost) + df.loc[:, "fuel_cost"].div(df.loc[:, "fuel_cost"].sum(axis=1), axis="rows"), + # Merge that same total into the dataframe separately as well. + plant_year_totals.loc[:, "fuel_cost"], + right_index=True, + left_index=True, + ) + .rename(columns=lambda x: re.sub(r"$", "_fraction_cost", x)) + .rename(columns=lambda x: re.sub(r"_cost_fraction_cost$", "_cost", x)) + ) + + # Re-unify the cost and heat content information: + df = pd.merge( + mmbtu_group, cost_group, left_index=True, right_index=True + ).reset_index() + + # Label each plant-year record by primary fuel: + df.loc[:, ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = pd.NA + df = df.astype( + { + "primary_fuel_by_cost": pd.StringDtype(), + "primary_fuel_by_mmbtu": pd.StringDtype(), + } + ) + for fuel_str in fuel_categories: + try: + mmbtu_mask = df[f"{fuel_str}_fraction_mmbtu"] > thresh + df.loc[mmbtu_mask, "primary_fuel_by_mmbtu"] = fuel_str + except KeyError: + pass + + try: + cost_mask = df[f"{fuel_str}_fraction_cost"] > thresh + df.loc[cost_mask, "primary_fuel_by_cost"] = fuel_str + except KeyError: + pass + + df[["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = df[ + ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"] + ].fillna("") + + return df diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 5c1d02d074..987ee13e50 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -7,9 +7,7 @@ want to do that programmatically, which means using some clustering / categorization tools from scikit-learn """ -import re -import numpy as np import pandas as pd from dagster import graph_asset, op @@ -164,189 +162,3 @@ def _out_ferc1__yearly_steam_plants_sched402_with_plant_ids( label_df = link_ids_cross_year(input_df, feature_matrix) return plants_steam_validate_ids(core_ferc1__yearly_steam_plants_sched402, label_df) - - -def revert_filled_in_string_nulls(df: pd.DataFrame) -> pd.DataFrame: - """Revert the filled nulls from string columns.""" - for col in [ - "plant_type", - "construction_type", - "fuel_type_code_pudl", - "primary_fuel_by_cost", - "primary_fuel_by_mmbtu", - ]: - if col in df.columns: - # the replace to_replace={column_name: {"", pd.NA}} mysteriously doesn't work. - df[col] = df[col].replace( - to_replace=[""], - value=pd.NA, - ) - return df - - -def revert_filled_in_float_nulls(df: pd.DataFrame) -> pd.DataFrame: - """Revert the filled nulls from float columns.""" - float_cols = list(df.select_dtypes(include=[float])) - if float_cols: - df.loc[:, float_cols] = df.loc[:, float_cols].replace(0, np.nan) - return df - - -def fuel_by_plant_ferc1( - fuel_df: pd.DataFrame, fuel_categories: list[str], thresh: float = 0.5 -) -> pd.DataFrame: - """Calculates useful FERC Form 1 fuel metrics on a per plant-year basis. - - Each record in the FERC Form 1 corresponds to a particular type of fuel. Many plants - -- especially coal plants -- use more than one fuel, with gas and/or diesel serving - as startup fuels. In order to be able to classify the type of plant based on - relative proportions of fuel consumed or fuel costs it is useful to aggregate these - per-fuel records into a single record for each plant. - - Fuel cost (in nominal dollars) and fuel heat content (in mmBTU) are calculated for - each fuel based on the cost and heat content per unit, and the number of units - consumed, and then summed by fuel type (there can be more than one record for a - given type of fuel in each plant because we are simplifying the fuel categories). - The per-fuel records are then pivoted to create one column per fuel type. The total - is summed and stored separately, and the individual fuel costs & heat contents are - divided by that total, to yield fuel proportions. Based on those proportions and a - minimum threshold that's passed in, a "primary" fuel type is then assigned to the - plant-year record and given a string label. - - Args: - fuel_df: Pandas DataFrame resembling the post-transform - result for the fuel_ferc1 table. - thresh: A value between 0.5 and 1.0 indicating the minimum fraction of - overall heat content that must have been provided by a fuel in a plant-year - for it to be considered the "primary" fuel for the plant in that year. - Default value: 0.5. - - Returns: - DataFrame with a single record for each plant-year, including the columns - required to merge it with the plants_steam_ferc1 table/DataFrame (report_year, - utility_id_ferc1, and plant_name) as well as totals for fuel mmbtu consumed in - that plant-year, and the cost of fuel in that year, the proportions of heat - content and fuel costs for each fuel in that year, and a column that labels the - plant's primary fuel for that year. - - Raises: - AssertionError: If the DataFrame input does not have the columns required to - run the function. - """ - keep_cols = [ - "report_year", # key - "utility_id_ferc1", # key - "plant_name_ferc1", # key - "fuel_type_code_pudl", # pivot - "fuel_consumed_units", # value - "fuel_mmbtu_per_unit", # value - "fuel_cost_per_unit_burned", # value - ] - - # Ensure that the dataframe we've gotten has all the information we need: - missing_cols = [col for col in keep_cols if col not in fuel_df.columns] - if missing_cols: - raise AssertionError( - f"Required columns not found in input fuel_df: {missing_cols}" - ) - - # Calculate per-fuel derived values and add them to the DataFrame - df = ( - # Really there should *not* be any duplicates here but... there's a - # bug somewhere that introduces them into the fuel_ferc1 table. - fuel_df[keep_cols] - .drop_duplicates() - # Calculate totals for each record based on per-unit values: - .assign(fuel_mmbtu=lambda x: x.fuel_consumed_units * x.fuel_mmbtu_per_unit) - .assign(fuel_cost=lambda x: x.fuel_consumed_units * x.fuel_cost_per_unit_burned) - # Drop the ratios and heterogeneous fuel "units" - .drop( - ["fuel_mmbtu_per_unit", "fuel_cost_per_unit_burned", "fuel_consumed_units"], - axis=1, - ) - # Group by the keys and fuel type, and sum: - .groupby( - [ - "utility_id_ferc1", - "plant_name_ferc1", - "report_year", - "fuel_type_code_pudl", - ], - observed=True, - ) - .sum() - .reset_index() - # Set the index to the keys, and pivot to get per-fuel columns: - .set_index(["utility_id_ferc1", "plant_name_ferc1", "report_year"]) - .pivot(columns="fuel_type_code_pudl") - .fillna(0.0) - ) - - # Undo pivot. Could refactor this old function - plant_year_totals = df.stack("fuel_type_code_pudl").groupby(level=[0, 1, 2]).sum() - - # Calculate total heat content burned for each plant, and divide it out - mmbtu_group = ( - pd.merge( - # Sum up all the fuel heat content, and divide the individual fuel - # heat contents by it (they are all contained in single higher - # level group of columns labeled fuel_mmbtu) - df.loc[:, "fuel_mmbtu"].div( - df.loc[:, "fuel_mmbtu"].sum(axis=1), axis="rows" - ), - # Merge that same total into the dataframe separately as well. - plant_year_totals.loc[:, "fuel_mmbtu"], - right_index=True, - left_index=True, - ) - .rename(columns=lambda x: re.sub(r"$", "_fraction_mmbtu", x)) - .rename(columns=lambda x: re.sub(r"_mmbtu_fraction_mmbtu$", "_mmbtu", x)) - ) - - # Calculate total fuel cost for each plant, and divide it out - cost_group = ( - pd.merge( - # Sum up all the fuel costs, and divide the individual fuel - # costs by it (they are all contained in single higher - # level group of columns labeled fuel_cost) - df.loc[:, "fuel_cost"].div(df.loc[:, "fuel_cost"].sum(axis=1), axis="rows"), - # Merge that same total into the dataframe separately as well. - plant_year_totals.loc[:, "fuel_cost"], - right_index=True, - left_index=True, - ) - .rename(columns=lambda x: re.sub(r"$", "_fraction_cost", x)) - .rename(columns=lambda x: re.sub(r"_cost_fraction_cost$", "_cost", x)) - ) - - # Re-unify the cost and heat content information: - df = pd.merge( - mmbtu_group, cost_group, left_index=True, right_index=True - ).reset_index() - - # Label each plant-year record by primary fuel: - df.loc[:, ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = pd.NA - df = df.astype( - { - "primary_fuel_by_cost": pd.StringDtype(), - "primary_fuel_by_mmbtu": pd.StringDtype(), - } - ) - for fuel_str in fuel_categories: - try: - mmbtu_mask = df[f"{fuel_str}_fraction_mmbtu"] > thresh - df.loc[mmbtu_mask, "primary_fuel_by_mmbtu"] = fuel_str - except KeyError: - pass - - try: - cost_mask = df[f"{fuel_str}_fraction_cost"] > thresh - df.loc[cost_mask, "primary_fuel_by_cost"] = fuel_str - except KeyError: - pass - - df[["primary_fuel_by_cost", "primary_fuel_by_mmbtu"]] = df[ - ["primary_fuel_by_cost", "primary_fuel_by_mmbtu"] - ].fillna("") - - return df diff --git a/src/pudl/output/ferc1.py b/src/pudl/output/ferc1.py index dcfcadd2b1..c3ce1559cd 100644 --- a/src/pudl/output/ferc1.py +++ b/src/pudl/output/ferc1.py @@ -948,16 +948,12 @@ def drop_other_fuel_types(df): fbp_df = ( core_ferc1__yearly_steam_plants_fuel_sched402.pipe(drop_other_fuel_types) .pipe( - pudl.analysis.record_linkage.classify_plants_ferc1.fuel_by_plant_ferc1, + pudl.analysis.fuel_by_plant.fuel_by_plant_ferc1, fuel_categories=fuel_categories, thresh=thresh, ) - .pipe( - pudl.analysis.record_linkage.classify_plants_ferc1.revert_filled_in_float_nulls - ) - .pipe( - pudl.analysis.record_linkage.classify_plants_ferc1.revert_filled_in_string_nulls - ) + .pipe(pudl.analysis.fuel_by_plant.revert_filled_in_float_nulls) + .pipe(pudl.analysis.fuel_by_plant.revert_filled_in_string_nulls) .merge( _out_ferc1__yearly_plants_utilities, on=["utility_id_ferc1", "plant_name_ferc1"], From 9e64c30bc54cca5cfaec4fda49e04f5fc32f0b20 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 03:07:21 -0500 Subject: [PATCH 56/60] Add options to all dataframe embedding steps --- src/pudl/analysis/record_linkage/embed_dataframe.py | 6 ++++-- 1 file changed, 4 insertions(+), 2 deletions(-) diff --git a/src/pudl/analysis/record_linkage/embed_dataframe.py b/src/pudl/analysis/record_linkage/embed_dataframe.py index 96508a7b51..46c9aa1ca0 100644 --- a/src/pudl/analysis/record_linkage/embed_dataframe.py +++ b/src/pudl/analysis/record_linkage/embed_dataframe.py @@ -131,20 +131,22 @@ class NumericalVectorizer(TransformStep): """Implement ColumnTransformation for MinMaxScaler.""" name: str = "numerical_vectorizer" + options: dict = {} def as_transformer(self): """Return configured MinMaxScalerConfig.""" - return MinMaxScaler() + return MinMaxScaler(**self.options) class NumericalNormalizer(TransformStep): """Implement ColumnTransformation for Normalizer.""" name: str = "numerical_normalizer" + options: dict = {} def as_transformer(self): """Return configured NormalizerConfig.""" - return Normalizer() + return Normalizer(**self.options) def _apply_cleaning_func(df, function_key: str = None): From 12472bc5d779c8d62d0a1b1f770c08a788e86f41 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 03:23:27 -0500 Subject: [PATCH 57/60] Change dict access to get() --- src/pudl/analysis/record_linkage/link_cross_year.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/src/pudl/analysis/record_linkage/link_cross_year.py b/src/pudl/analysis/record_linkage/link_cross_year.py index 8c53d743c1..1054897cb4 100644 --- a/src/pudl/analysis/record_linkage/link_cross_year.py +++ b/src/pudl/analysis/record_linkage/link_cross_year.py @@ -152,7 +152,7 @@ class SplitClustersConfig(Config): """Configuration for AgglomerativeClustering used to split overmerged clusters.""" #: See :class:`sklearn.cluster.AgglomerativeClustering` for details. - distance_threshold: float = 0.3 + distance_threshold: float = 0.5 @op @@ -214,7 +214,7 @@ class MatchOrpahnedRecordsConfig(Config): """Configuration for :func:`match_orphaned_records` op.""" #: See :class:`sklearn.cluster.AgglomerativeClustering` for details. - distance_threshold: float = 0.3 + distance_threshold: float = 0.5 @op @@ -241,7 +241,7 @@ def match_orphaned_records( cluster_inds = id_year_df.groupby("record_label").indices # Orphaned records are considered a cluster of a single record - cluster_groups = [List([ind]) for ind in cluster_inds[-1]] + cluster_groups = [List([ind]) for ind in cluster_inds.get(-1, [])] # Get list of all points in each assigned cluster cluster_groups += [List(inds) for key, inds in cluster_inds.items() if key != -1] From 90bdc59dca9f416ec20d87eb782443e3e281b215 Mon Sep 17 00:00:00 2001 From: zschira Date: Wed, 20 Dec 2023 03:27:18 -0500 Subject: [PATCH 58/60] Simplify ferc plant id verification --- src/pudl/analysis/record_linkage/classify_plants_ferc1.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py index 987ee13e50..78010b265b 100644 --- a/src/pudl/analysis/record_linkage/classify_plants_ferc1.py +++ b/src/pudl/analysis/record_linkage/classify_plants_ferc1.py @@ -106,10 +106,10 @@ def plants_steam_validate_ids( # which include more than one record from a given year. Warn the user # if we find such cases (which... we do, as of writing) year_dupes = ( - ferc1_steam_df.groupby(["plant_id_ferc1", "report_year"])["utility_id_ferc1"] - .count() + ferc1_steam_df.groupby(["plant_id_ferc1", "report_year"]) + .size() + .rename("year_dupes") .reset_index() - .rename(columns={"utility_id_ferc1": "year_dupes"}) .query("year_dupes>1") ) if len(year_dupes) > 0: From 665a8059612af8b41911691a8155ac5d23d918af Mon Sep 17 00:00:00 2001 From: Zane Selvans Date: Fri, 22 Dec 2023 15:55:36 -0600 Subject: [PATCH 59/60] Add missing module imports. --- src/pudl/analysis/__init__.py | 2 ++ src/pudl/analysis/record_linkage/__init__.py | 7 ++++++- 2 files changed, 8 insertions(+), 1 deletion(-) diff --git a/src/pudl/analysis/__init__.py b/src/pudl/analysis/__init__.py index 80d1bbc510..10faa4bcf4 100644 --- a/src/pudl/analysis/__init__.py +++ b/src/pudl/analysis/__init__.py @@ -8,7 +8,9 @@ from . import ( allocate_gen_fuel, eia_ferc1_record_linkage, + eia_ferc1_train, epacamd_eia, + fuel_by_plant, mcoe, plant_parts_eia, record_linkage, diff --git a/src/pudl/analysis/record_linkage/__init__.py b/src/pudl/analysis/record_linkage/__init__.py index b7b7cdecbc..f7a6a17052 100644 --- a/src/pudl/analysis/record_linkage/__init__.py +++ b/src/pudl/analysis/record_linkage/__init__.py @@ -1,2 +1,7 @@ """This module impolements models for various forms of record linkage.""" -from . import classify_plants_ferc1 +from . import ( + classify_plants_ferc1, + embed_dataframe, + link_cross_year, + name_cleaner, +) From 962fc3da34d1b0b1efb76f28d4d8f0c238d68cb8 Mon Sep 17 00:00:00 2001 From: Zane Selvans Date: Tue, 26 Dec 2023 10:52:20 -0600 Subject: [PATCH 60/60] Rename record linkage test module so pytest actually runs it. --- test/integration/{record_linkage.py => record_linkage_test.py} | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename test/integration/{record_linkage.py => record_linkage_test.py} (100%) diff --git a/test/integration/record_linkage.py b/test/integration/record_linkage_test.py similarity index 100% rename from test/integration/record_linkage.py rename to test/integration/record_linkage_test.py