From 3e9836d3ba5fa5d065a6ed0733f2cc24c6559d78 Mon Sep 17 00:00:00 2001 From: Adam Gagorik Date: Wed, 15 Nov 2023 15:49:54 -0500 Subject: [PATCH] Refactor API to use typer as CLI interface (#70) --- bany/__main__.py | 144 +++++++--- bany/cmd/base.py | 25 -- bany/cmd/extract/app.py | 53 ++++ bany/cmd/extract/controller.py | 87 ------ bany/cmd/solve/__init__.py | 1 - bany/cmd/solve/app.py | 53 ++++ bany/cmd/solve/controller.py | 86 ------ bany/cmd/solve/network/loader.py | 7 +- bany/cmd/solve/solvers/graphsolver.py | 13 +- bany/cmd/split/__init__.py | 1 - bany/cmd/split/{controller.py => app.py} | 0 bany/core/logger.py | 2 +- bany/ynab/api.py | 2 +- poetry.lock | 259 ++++++++++-------- pyproject.toml | 7 +- .../cmd/solve/solvers/test_graphsolver.py | 8 +- 16 files changed, 382 insertions(+), 366 deletions(-) delete mode 100644 bany/cmd/base.py create mode 100644 bany/cmd/extract/app.py delete mode 100644 bany/cmd/extract/controller.py create mode 100644 bany/cmd/solve/app.py delete mode 100644 bany/cmd/solve/controller.py rename bany/cmd/split/{controller.py => app.py} (100%) diff --git a/bany/__main__.py b/bany/__main__.py index 5847cc3..d03d653 100644 --- a/bany/__main__.py +++ b/bany/__main__.py @@ -1,27 +1,29 @@ +""" +Command line scripts for dealing with budgets. +""" import logging -from argparse import ArgumentParser -from argparse import RawTextHelpFormatter +from functools import partial from pathlib import Path +from typing import Annotated +from typing import cast import pandas import pandas as pd from rich.logging import RichHandler +from typer import Option +from typer import Typer -import bany.cmd.extract -import bany.cmd.solve -import bany.cmd.split from bany.core.logger import console -from bany.core.logger import logger -from bany.core.settings import Settings +app = Typer(add_completion=False, help=__doc__, rich_markup_mode="rich") -def main() -> int: - parent = ArgumentParser(add_help=False) - parent.add_argument("--verbose", action="store_true", help="use verbose logging?") - opts, remaining = parent.parse_known_args() +@app.callback() +def setup( + verbose: Annotated[bool, Option()] = False, +) -> None: logging.basicConfig( - level=logging.DEBUG if opts.verbose else logging.INFO, + level=logging.DEBUG, format="%(message)s", datefmt="[%X]", handlers=[RichHandler(show_path=False, rich_tracebacks=True, console=console, tracebacks_suppress=(pandas,))], @@ -32,36 +34,104 @@ def main() -> int: pd.set_option("display.max_rows", 512) pd.set_option("display.max_columns", 512) - env = Settings() - parser = ArgumentParser( - usage=f"{Path(__file__).parent.name}", - description=__doc__, - parents=[parent], - formatter_class=RawTextHelpFormatter, - epilog=f"environment:\n{env.model_dump_json(indent=2)}", + +app.add_typer(sub := Typer(), name="solve", help="Solve the bucket partitioning problem.") + + +@sub.command() +def montecarlo( + config: Annotated[Path, Option(help="The config file to use.")] = Path.cwd().joinpath("config.yml"), + step_size: Annotated[float, Option(help="The Monte Carlo step size to use.")] = 0.01, +) -> None: + """ + Solve the partitioning problem using Monte Carlo techniques. + """ + from bany.cmd.solve.solvers.montecarlo import BucketSolverConstrainedMonteCarlo + from bany.cmd.solve.solvers.basesolver import BucketSolver + from bany.cmd.solve.app import main + + main( + config=config, + solver=cast( + type[BucketSolver], + partial( + BucketSolverConstrainedMonteCarlo.solve, + step_size=step_size, + ), + ), + ) + + +@sub.command() +def constrained( + config: Annotated[Path, Option(help="The config file to use.")] = Path.cwd().joinpath("config.yml"), +) -> None: + """ + Solve the partitioning problem using constrained optimization. + """ + from bany.cmd.solve.solvers.constrained import BucketSolverConstrained + from bany.cmd.solve.solvers.basesolver import BucketSolver + from bany.cmd.solve.app import main + + main( + config=config, + solver=cast( + type[BucketSolver], + partial( + BucketSolverConstrained.solve, + ), + ), ) - subparsers = parser.add_subparsers(title="commands") - for controller in (bany.cmd.extract.Controller, bany.cmd.solve.Controller, bany.cmd.split.Controller): - subparser = subparsers.add_parser(controller.__module__.split(".")[-2]) - subparser.set_defaults(controller=controller) - controller.add_args(subparser) +@sub.command() +def unconstrained( + config: Annotated[Path, Option(help="The config file to use.")] = Path.cwd().joinpath("config.yml"), +) -> None: + """ + Solve the partitioning problem using unconstrained optimization. + """ + from bany.cmd.solve.solvers.unconstrained import BucketSolverSimple + from bany.cmd.solve.solvers.basesolver import BucketSolver + from bany.cmd.solve.app import main + + main( + config=config, + solver=cast( + type[BucketSolver], + partial( + BucketSolverSimple.solve, + ), + ), + ) + + +@app.command() +def split() -> None: + """ + Itemize and split a receipt between people. + """ + from .cmd.split.app import App + + raise SystemExit(App().cmdloop()) + + +app.add_typer(sub := Typer(), name="extract", help="Parse an input file and create transactions in YNAB.") + - opts = parser.parse_args(args=remaining) +@sub.command() +def pdf( + inp: Annotated[Path, Option(help="The input file to parse.")], + config: Annotated[Path, Option(help="The config file to use.")] = Path.cwd().joinpath("config.yml"), + upload: Annotated[bool, Option(help="Upload transactions to YNAB budget?")] = False, +) -> None: + """ + Parse a PDF file and create transactions in YNAB. + """ + from bany.cmd.extract.app import main - if hasattr(opts, "controller"): - # noinspection PyBroadException - try: - opts.controller(environ=env, options=opts)() - return 0 - except Exception: - logger.exception("caught unhandled exception!") - return 1 - else: - parser.print_help() - return 1 + main(extractor="", inp=inp, config=config, upload=upload) if __name__ == "__main__": - raise SystemExit(main()) + app() diff --git a/bany/cmd/base.py b/bany/cmd/base.py deleted file mode 100644 index 59caf0c..0000000 --- a/bany/cmd/base.py +++ /dev/null @@ -1,25 +0,0 @@ -""" -A class to orchestrate the main logic. -""" -import dataclasses -from argparse import ArgumentParser -from argparse import Namespace - -from bany.core.settings import Settings - - -@dataclasses.dataclass(frozen=True) -class Controller: - """ - A class to orchestrate the main logic. - """ - - environ: Settings - options: Namespace - - @classmethod - def add_args(cls, parser: ArgumentParser): - raise NotImplementedError - - def __call__(self): - raise NotImplementedError diff --git a/bany/cmd/extract/app.py b/bany/cmd/extract/app.py new file mode 100644 index 0000000..f8efd63 --- /dev/null +++ b/bany/cmd/extract/app.py @@ -0,0 +1,53 @@ +""" +Parse an input file and create transactions in YNAB. +""" +import pathlib +import re +from pathlib import Path + +import pandas as pd +from moneyed import Money +from moneyed import USD + +from bany.cmd.extract.extractors import EXTRACTORS +from bany.cmd.extract.extractors.base import Extractor +from bany.core.logger import logger +from bany.core.logger import logline +from bany.ynab.api import YNAB + + +def main(extractor: str, inp: Path, config: Path, upload: bool) -> None: + ynab = YNAB() + + if inp.is_dir(): + inp = _get_latest_pdf(root=inp) + + logger.info("inp: %s", inp) + + extractor: Extractor = EXTRACTORS[extractor].create(ynab=ynab, config=config) + extracted = pd.DataFrame( + extract.model_dump() | dict(transaction=extract) for extract in extractor.extract(path=inp) + ) + + if extracted.empty: + logger.error("no extracted found in PDF") + else: + logline() + excluded = {"transaction", "account_id", "budget_id", "category_id", "import_id"} + logger.info("extracted:\n%s", extracted.loc[:, ~extracted.columns.isin(excluded)]) + + logline() + logger.info("%-9s : %12s", "TOTAL [+]", Money(extracted[extracted.amount > 0].amount.sum() / 1000, USD)) + logger.info("%-9s : %12s", "TOTAL [-]", Money(extracted[extracted.amount < 0].amount.sum() / 1000, USD)) + logger.info("%-9s : %12s", "TOTAL", Money(extracted.amount.sum() / 1000, USD)) + + if upload: + for i, extract in extracted.iterrows(): + transaction = extract.transaction + ynab.transact(transaction.budget_id, transaction) + + +def _get_latest_pdf(root: pathlib.Path) -> pathlib.Path: + for path in sorted(root.glob("*.pdf"), key=lambda p: [int(v) for v in re.findall(r"\d+", p.name)], reverse=True): + return path + raise FileNotFoundError(root.joinpath("*.pdf")) diff --git a/bany/cmd/extract/controller.py b/bany/cmd/extract/controller.py deleted file mode 100644 index bfa3c8f..0000000 --- a/bany/cmd/extract/controller.py +++ /dev/null @@ -1,87 +0,0 @@ -""" -Parse an input file and create transactions in YNAB. -""" -import dataclasses -import pathlib -import re -from argparse import ArgumentParser -from argparse import Namespace - -import pandas as pd -from moneyed import Money -from moneyed import USD - -from bany.cmd.base import Controller as BaseController -from bany.cmd.extract.extractors import EXTRACTORS -from bany.cmd.extract.extractors.base import Extractor -from bany.core.logger import logger -from bany.core.logger import logline -from bany.core.settings import Settings -from bany.ynab.api import YNAB - - -DEFAULT_CONFIG: pathlib.Path = pathlib.Path.cwd().joinpath("config.yml") - - -@dataclasses.dataclass(frozen=True) -class Controller(BaseController): - """ - A class to orchestrate the main logic. - """ - - environ: Settings - options: Namespace - - @classmethod - def add_args(cls, parser: ArgumentParser): - group = parser.add_argument_group("extract") - group.add_argument( - default="pdf", - dest="extractor", - choices=list(EXTRACTORS.keys()), - help="the extraction backend to use", - ) - - group.add_argument("--inp", required=True, type=pathlib.Path, help="the input file to parse") - group.add_argument("--config", default=DEFAULT_CONFIG, type=pathlib.Path, help="the config file to use") - - group = parser.add_argument_group("ynab") - group.add_argument("--upload", dest="upload", action="store_true", help="upload transactions to YNAB budget") - - def __call__(self): - ynab = YNAB(environ=self.environ) - - if self.options.inp.is_dir(): - self.options.inp = self._get_latest_pdf(root=self.options.inp) - - logger.info("inp: %s", self.options.inp) - - extractor: Extractor = EXTRACTORS[self.options.extractor].create(ynab=ynab, config=self.options.config) - extracted = pd.DataFrame( - extract.dict() | dict(transaction=extract) for extract in extractor.extract(path=self.options.inp) - ) - - if extracted.empty: - logger.error("no extracted found in PDF") - else: - logline() - excluded = {"transaction", "account_id", "budget_id", "category_id", "import_id"} - logger.info("extracted:\n%s", extracted.loc[:, ~extracted.columns.isin(excluded)]) - - logline() - logger.info("%-9s : %12s", "TOTAL [+]", Money(extracted[extracted.amount > 0].amount.sum() / 1000, USD)) - logger.info("%-9s : %12s", "TOTAL [-]", Money(extracted[extracted.amount < 0].amount.sum() / 1000, USD)) - logger.info("%-9s : %12s", "TOTAL", Money(extracted.amount.sum() / 1000, USD)) - - if self.options.upload: - for i, extract in extracted.iterrows(): - transaction = extract.transaction - ynab.transact(transaction.budget_id, transaction) - - @staticmethod - def _get_latest_pdf(root: pathlib.Path) -> pathlib.Path: - for path in sorted( - root.glob("*.pdf"), key=lambda p: [int(v) for v in re.findall(r"\d+", p.name)], reverse=True - ): - return path - raise FileNotFoundError(root.joinpath("*.pdf")) diff --git a/bany/cmd/solve/__init__.py b/bany/cmd/solve/__init__.py index 9e6c445..e69de29 100644 --- a/bany/cmd/solve/__init__.py +++ b/bany/cmd/solve/__init__.py @@ -1 +0,0 @@ -from .controller import Controller # noqa: F401 diff --git a/bany/cmd/solve/app.py b/bany/cmd/solve/app.py new file mode 100644 index 0000000..c167997 --- /dev/null +++ b/bany/cmd/solve/app.py @@ -0,0 +1,53 @@ +""" + +Parse an input file and create transactions in YNAB. +""" +from pathlib import Path + +import networkx as nx +import pandas as pd + +import bany.cmd.solve.network.loader +import bany.cmd.solve.network.visualize as visualize +import bany.cmd.solve.solvers.constrained +import bany.cmd.solve.solvers.graphsolver +import bany.cmd.solve.solvers.montecarlo +import bany.cmd.solve.solvers.unconstrained +from bany.cmd.solve.network.algo import aggregate_quantity +from bany.cmd.solve.network.attrs import node_attrs +from bany.cmd.solve.solvers.basesolver import BucketSolver +from bany.cmd.solve.solvers.graphsolver import solve +from bany.core.logger import logger +from bany.core.logger import logline +from bany.core.money import moneyfmt + + +def main(solver: type[BucketSolver], config: Path) -> None: + frame: pd.DataFrame = bany.cmd.solve.network.loader.load(path=config) + logger.info("frame:\n%s\n", frame) + + graph: nx.DiGraph = bany.cmd.solve.network.algo.create(frame) + visualize.log("graph", graph, **visualize.FORMATS_INP) + + solved: nx.DiGraph = solve(graph, solver=solver, inplace=False) + visualize.log("solved", solved, **visualize.FORMATS_OUT) + + _display_results(solved, fmt=f"%-{max(15, max(len(n) for n in solved.nodes))}s: %s") + + +def _display_results(graph: nx.DiGraph, fmt: str): + amount_to_add: float = aggregate_quantity(graph, key=node_attrs.amount_to_add.column) + logger.info(fmt, "amount_to_add", moneyfmt(amount_to_add)) + + results_value: float = aggregate_quantity(graph, key=node_attrs.results_value.column, leaves=True) + logger.info(fmt, "results_value", moneyfmt(results_value)) + + results_ratio: float = aggregate_quantity(graph, key=node_attrs.results_ratio.column, leaves=True) + logger.info(fmt, "results_ratio", moneyfmt(results_ratio, decimals=10)) + + logline() + for node in graph: + # noinspection PyCallingNonCallable + if graph.out_degree(node) == 0 and graph.in_degree(node) == 1: + amount_to_add: float = graph.nodes[node][node_attrs.amount_to_add.column] + logger.info(fmt, node, moneyfmt(amount_to_add)) diff --git a/bany/cmd/solve/controller.py b/bany/cmd/solve/controller.py deleted file mode 100644 index f35283d..0000000 --- a/bany/cmd/solve/controller.py +++ /dev/null @@ -1,86 +0,0 @@ -""" -Parse an input file and create transactions in YNAB. -""" -import dataclasses -import pathlib -from argparse import ArgumentParser -from argparse import Namespace - -import networkx as nx -import pandas as pd - -import bany.cmd.solve.network.loader -import bany.cmd.solve.network.visualize as visualize -import bany.cmd.solve.solvers.constrained -import bany.cmd.solve.solvers.graphsolver -import bany.cmd.solve.solvers.montecarlo -import bany.cmd.solve.solvers.unconstrained -from bany.cmd.base import Controller as BaseController -from bany.cmd.solve.network.algo import aggregate_quantity -from bany.cmd.solve.network.attrs import node_attrs -from bany.cmd.solve.solvers import SOLVERS -from bany.cmd.solve.solvers.graphsolver import solve -from bany.core.logger import logger -from bany.core.logger import logline -from bany.core.money import moneyfmt -from bany.core.settings import Settings - -DEFAULT_CONFIG: pathlib.Path = pathlib.Path.cwd().joinpath("config.yml") - - -@dataclasses.dataclass(frozen=True) -class Controller(BaseController): - """ - A class to orchestrate the main logic. - """ - - environ: Settings - options: Namespace - - @classmethod - def add_args(cls, parser: ArgumentParser): - group = parser.add_argument_group("solve") - group.add_argument( - default="constrained", - dest="solver", - choices=list(SOLVERS.keys()), - help="the solver to use", - ) - - group.add_argument("--config", default=DEFAULT_CONFIG, type=pathlib.Path, help="the config file to use") - - group = parser.add_argument_group("montecarlo") - group.add_argument( - "--step-size", dest="step_size", type=float, default=0.01, help="the Monte Carlo step size to use" - ) - - def __call__(self): - frame: pd.DataFrame = bany.cmd.solve.network.loader.load(path=self.options.config) - logger.info("frame:\n%s\n", frame) - - graph: nx.DiGraph = bany.cmd.solve.network.algo.create(frame) - visualize.log("graph", graph, **visualize.FORMATS_INP) - - kwargs = SOLVERS[self.options.solver](step_size=self.options.step_size) - solved: nx.DiGraph = solve(graph, inplace=False, **kwargs) - visualize.log("solved", solved, **visualize.FORMATS_OUT) - - self._display_results(solved, kvfmt=f"%-{max(15, max(len(n) for n in solved.nodes))}s: %s") - - @staticmethod - def _display_results(graph: nx.DiGraph, kvfmt: str = "%-20s: %s"): - amount_to_add: float = aggregate_quantity(graph, key=node_attrs.amount_to_add.column) - logger.info(kvfmt, "amount_to_add", moneyfmt(amount_to_add)) - - results_value: float = aggregate_quantity(graph, key=node_attrs.results_value.column, leaves=True) - logger.info(kvfmt, "results_value", moneyfmt(results_value)) - - results_ratio: float = aggregate_quantity(graph, key=node_attrs.results_ratio.column, leaves=True) - logger.info(kvfmt, "results_ratio", moneyfmt(results_ratio, decimals=10)) - - logline() - for node in graph: - # noinspection PyCallingNonCallable - if graph.out_degree(node) == 0 and graph.in_degree(node) == 1: - amount_to_add: float = graph.nodes[node][node_attrs.amount_to_add.column] - logger.info(kvfmt, node, moneyfmt(amount_to_add)) diff --git a/bany/cmd/solve/network/loader.py b/bany/cmd/solve/network/loader.py index 8c50051..ccaf9ff 100644 --- a/bany/cmd/solve/network/loader.py +++ b/bany/cmd/solve/network/loader.py @@ -5,6 +5,7 @@ import os import re import typing +from pathlib import Path import pandas as pd import yaml @@ -13,7 +14,7 @@ from bany.cmd.solve.network.attrs import node_attrs -def load(path: str) -> pd.DataFrame: +def load(path: str | Path) -> pd.DataFrame: """ Load the configuration. """ @@ -26,7 +27,7 @@ def load(path: str) -> pd.DataFrame: raise ValueError(f"unknown input extension! {ext}") -def load_yml(path: str) -> pd.DataFrame: +def load_yml(path: str | Path) -> pd.DataFrame: """ Load the configuration from YAML. """ @@ -35,7 +36,7 @@ def load_yml(path: str) -> pd.DataFrame: return _reformat_input(data) -def load_csv(path: str) -> pd.DataFrame: +def load_csv(path: str | Path) -> pd.DataFrame: """ Load the configuration. """ diff --git a/bany/cmd/solve/solvers/graphsolver.py b/bany/cmd/solve/solvers/graphsolver.py index b413184..8a03f10 100644 --- a/bany/cmd/solve/solvers/graphsolver.py +++ b/bany/cmd/solve/solvers/graphsolver.py @@ -17,6 +17,7 @@ """ import copy import typing +from collections.abc import Callable import networkx as nx @@ -30,10 +31,9 @@ def solve( graph: nx.DiGraph, - solver: type[BucketSolver] = BucketSolverConstrained, + solver: Callable[[BucketSystem], BucketSolver] = BucketSolverConstrained.solve, inplace: bool = False, max_attempts: int = 10, - **kwargs, ) -> nx.DiGraph: """ Solve the bucket problem over a hierarchy of buckets. @@ -43,7 +43,6 @@ def solve( solver: The bucket solver during traversal. inplace: Should the operation happen in place or on a copy? max_attempts: The maximum allowed passes through the network. - **kwargs: Extra key word arguments to the solver's solve method. Returns: The modified graph, with the results_value and results_delta updated. @@ -52,9 +51,9 @@ def solve( graph = copy.deepcopy(graph) # applying the solver here allows initial redistribution for unconstrained solvers - _apply_solver_over_graph(graph, solver, lambda a: a >= 0, **kwargs) + _apply_solver_over_graph(graph, solver, lambda a: a >= 0) for attempt in range(max_attempts): - stop_algorithm = _apply_solver_over_graph(graph, solver, lambda a: a > 0, **kwargs) + stop_algorithm = _apply_solver_over_graph(graph, solver, lambda a: a > 0) if stop_algorithm: break else: @@ -78,7 +77,7 @@ def solve( def _apply_solver_over_graph( - graph: nx.DiGraph, solver: type[BucketSolver], condition: typing.Callable, **kwargs + graph: nx.DiGraph, solver: Callable[[BucketSystem], BucketSolver], condition: typing.Callable ) -> bool: """ Walk the graph from the bottom up, solving the bucket problem over the set of children for each parent. @@ -110,7 +109,7 @@ def _apply_solver_over_graph( optimal_ratios=optimal_ratios, labels=children, ) - solved = solver.solve(system, **kwargs) + solved = solver(system) # negate the amount to add, so we don't try to add it again on the next pass graph.nodes[parent][node_attrs.amount_to_add.column] = -amount_to_add diff --git a/bany/cmd/split/__init__.py b/bany/cmd/split/__init__.py index 9e6c445..e69de29 100644 --- a/bany/cmd/split/__init__.py +++ b/bany/cmd/split/__init__.py @@ -1 +0,0 @@ -from .controller import Controller # noqa: F401 diff --git a/bany/cmd/split/controller.py b/bany/cmd/split/app.py similarity index 100% rename from bany/cmd/split/controller.py rename to bany/cmd/split/app.py diff --git a/bany/core/logger.py b/bany/core/logger.py index d0595a5..98f5eb6 100644 --- a/bany/core/logger.py +++ b/bany/core/logger.py @@ -4,7 +4,7 @@ logger = logging.getLogger("bany") -console = Console() +console = Console(width=512) def logline(level=logging.INFO, c="-", w=120): diff --git a/bany/ynab/api.py b/bany/ynab/api.py index 83b2c0f..d573e12 100644 --- a/bany/ynab/api.py +++ b/bany/ynab/api.py @@ -28,7 +28,7 @@ class YNAB: This class can call the YNAB REST API. """ - environ: Settings + environ: Settings = dataclasses.field(default_factory=Settings) def _make_url(self, *components: AnyUrl | str) -> AnyUrl: url = posixpath.join(*(str(c).lstrip("/") for c in itertools.chain((self.environ.YNAB_API_URL,), components))) diff --git a/poetry.lock b/poetry.lock index 10ac164..5dc26af 100644 --- a/poetry.lock +++ b/poetry.lock @@ -217,6 +217,20 @@ files = [ {file = "charset_normalizer-3.3.2-py3-none-any.whl", hash = "sha256:3e4d1f6587322d2788836a99c69062fbb091331ec940e02d12d179c1d53e25fc"}, ] +[[package]] +name = "click" +version = "8.1.7" +description = "Composable command line interface toolkit" +optional = false +python-versions = ">=3.7" +files = [ + {file = "click-8.1.7-py3-none-any.whl", hash = "sha256:ae74fb96c20a0277a1d615f1e4d73c8414f5a98db8b799a7931d1582f3390c28"}, + {file = "click-8.1.7.tar.gz", hash = "sha256:ca9853ad459e787e2192211578cc907e7594e294c7ccc834310722b41b9ca6de"}, +] + +[package.dependencies] +colorama = {version = "*", markers = "platform_system == \"Windows\""} + [[package]] name = "cmd2" version = "2.4.3" @@ -667,18 +681,18 @@ files = [ [[package]] name = "pydantic" -version = "2.5.0" +version = "2.5.1" description = "Data validation using Python type hints" optional = false python-versions = ">=3.7" files = [ - {file = "pydantic-2.5.0-py3-none-any.whl", hash = "sha256:7ce6e766c456ad026fe5712f7bcf036efc34bd5d107b3e669ef7ea01b3a9050c"}, - {file = "pydantic-2.5.0.tar.gz", hash = "sha256:69bd6fb62d2d04b7055f59a396993486a2ee586c43a0b89231ce0000de07627c"}, + {file = "pydantic-2.5.1-py3-none-any.whl", hash = "sha256:dc5244a8939e0d9a68f1f1b5f550b2e1c879912033b1becbedb315accc75441b"}, + {file = "pydantic-2.5.1.tar.gz", hash = "sha256:0b8be5413c06aadfbe56f6dc1d45c9ed25fd43264414c571135c97dd77c2bedb"}, ] [package.dependencies] annotated-types = ">=0.4.0" -pydantic-core = "2.14.1" +pydantic-core = "2.14.3" typing-extensions = ">=4.6.1" [package.extras] @@ -686,112 +700,116 @@ email = ["email-validator (>=2.0.0)"] [[package]] name = "pydantic-core" -version = "2.14.1" +version = "2.14.3" description = "" optional = false python-versions = ">=3.7" files = [ - {file = "pydantic_core-2.14.1-cp310-cp310-macosx_10_7_x86_64.whl", hash = "sha256:812beca1dcb2b722cccc7e9c620bd972cbc323321194ec2725eab3222e6ac573"}, - {file = "pydantic_core-2.14.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a2ccdc53cb88e51c7d47d74c59630d7be844428f6b8d463055ffad6f0392d8da"}, - {file = "pydantic_core-2.14.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fd937733bf2fe7d6a8bf208c12741f1f730b7bf5636033877767a75093c29b8a"}, - {file = "pydantic_core-2.14.1-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:581bb606a31749a00796f5257947a0968182d7fe91e1dada41f06aeb6bfbc91a"}, - {file = "pydantic_core-2.14.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:aadf74a40a7ae49c3c1aa7d32334fe94f4f968e21dd948e301bb4ed431fb2412"}, - {file = "pydantic_core-2.14.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b89821a2c77cc1b8f2c1fc3aacd6a3ecc5df8f7e518dc3f18aef8c4dcf66003d"}, - {file = "pydantic_core-2.14.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:49ee28d65f506b2858a60745cc974ed005298ebab12693646b97641dd7c99c35"}, - {file = "pydantic_core-2.14.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:97246f896b4df7fd84caa8a75a67abb95f94bc0b547665bf0889e3262b060399"}, - {file = "pydantic_core-2.14.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:1185548665bc61bbab0dc78f10c8eafa0db0aa1e920fe9a451b77782b10a65cc"}, - {file = "pydantic_core-2.14.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:2a7d08b39fac97540fba785fce3b21ee01a81f081a07a4d031efd791da6666f9"}, - {file = "pydantic_core-2.14.1-cp310-none-win32.whl", hash = "sha256:0a8c8daf4e3aa3aeb98e3638fc3d58a359738f3d12590b2474c6bb64031a0764"}, - {file = "pydantic_core-2.14.1-cp310-none-win_amd64.whl", hash = "sha256:4f0788699a92d604f348e9c1ac5e97e304e97127ba8325c7d0af88dcc7d35bd3"}, - {file = "pydantic_core-2.14.1-cp311-cp311-macosx_10_7_x86_64.whl", hash = "sha256:2be018a84995b6be1bbd40d6064395dbf71592a981169cf154c0885637f5f54a"}, - {file = "pydantic_core-2.14.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fc3227408808ba7df8e95eb1d8389f4ba2203bed8240b308de1d7ae66d828f24"}, - {file = "pydantic_core-2.14.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42d5d0e9bbb50481a049bd0203224b339d4db04006b78564df2b782e2fd16ebc"}, - {file = "pydantic_core-2.14.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:bc6a4ea9f88a810cb65ccae14404da846e2a02dd5c0ad21dee712ff69d142638"}, - {file = "pydantic_core-2.14.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d312ad20e3c6d179cb97c42232b53111bcd8dcdd5c1136083db9d6bdd489bc73"}, - {file = "pydantic_core-2.14.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:679cc4e184f213c8227862e57340d12fd4d4d19dc0e3ddb0f653f86f01e90f94"}, - {file = "pydantic_core-2.14.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:101df420e954966868b8bc992aefed5fa71dd1f2755104da62ee247abab28e2f"}, - {file = "pydantic_core-2.14.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:c964c0cc443d6c08a2347c0e5c1fc2d85a272dc66c1a6f3cde4fc4843882ada4"}, - {file = "pydantic_core-2.14.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:8276bbab68a9dbe721da92d19cbc061f76655248fe24fb63969d0c3e0e5755e7"}, - {file = "pydantic_core-2.14.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:12163197fec7c95751a3c71b36dcc1909eed9959f011ffc79cc8170a6a74c826"}, - {file = "pydantic_core-2.14.1-cp311-none-win32.whl", hash = "sha256:b8ff0302518dcd001bd722bbe342919c29e5066c7eda86828fe08cdc112668b8"}, - {file = "pydantic_core-2.14.1-cp311-none-win_amd64.whl", hash = "sha256:59fa83873223f856d898452c6162a390af4297756f6ba38493a67533387d85d9"}, - {file = "pydantic_core-2.14.1-cp311-none-win_arm64.whl", hash = "sha256:798590d38c9381f07c48d13af1f1ef337cebf76ee452fcec5deb04aceced51c7"}, - {file = "pydantic_core-2.14.1-cp312-cp312-macosx_10_7_x86_64.whl", hash = "sha256:587d75aec9ae50d0d63788cec38bf13c5128b3fc1411aa4b9398ebac884ab179"}, - {file = "pydantic_core-2.14.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:26242e3593d4929123615bd9365dd86ef79b7b0592d64a96cd11fd83c69c9f34"}, - {file = "pydantic_core-2.14.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5879ac4791508d8f0eb7dec71ff8521855180688dac0c55f8c99fc4d1a939845"}, - {file = "pydantic_core-2.14.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ad9ea86f5fc50f1b62c31184767fe0cacaa13b54fe57d38898c3776d30602411"}, - {file = "pydantic_core-2.14.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:102ac85a775e77821943ae38da9634ddd774b37a8d407181b4f7b05cdfb36b55"}, - {file = "pydantic_core-2.14.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2459cc06572730e079ec1e694e8f68c99d977b40d98748ae72ff11ef21a56b0b"}, - {file = "pydantic_core-2.14.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:217dcbfaf429a9b8f1d54eb380908b9c778e78f31378283b30ba463c21e89d5d"}, - {file = "pydantic_core-2.14.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:9d59e0d7cdfe8ed1d4fcd28aad09625c715dc18976c7067e37d8a11b06f4be3e"}, - {file = "pydantic_core-2.14.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:e2be646a5155d408e68b560c0553e8a83dc7b9f90ec6e5a2fc3ff216719385db"}, - {file = "pydantic_core-2.14.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ffba979801e3931a19cd30ed2049450820effe8f152aaa317e2fd93795d318d7"}, - {file = "pydantic_core-2.14.1-cp312-none-win32.whl", hash = "sha256:132b40e479cb5cebbbb681f77aaceabbc8355df16c9124cff1d4060ada83cde2"}, - {file = "pydantic_core-2.14.1-cp312-none-win_amd64.whl", hash = "sha256:744b807fe2733b6da3b53e8ad93e8b3ea3ee3dfc3abece4dd2824cc1f39aa343"}, - {file = "pydantic_core-2.14.1-cp312-none-win_arm64.whl", hash = "sha256:24ba48f9d0b8d64fc5e42e1600366c3d7db701201294989aebdaca23110c02ab"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-macosx_10_7_x86_64.whl", hash = "sha256:ba55d73a2df4771b211d0bcdea8b79454980a81ed34a1d77a19ddcc81f98c895"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-macosx_11_0_arm64.whl", hash = "sha256:e905014815687d88cbb14bbc0496420526cf20d49f20606537d87646b70f1046"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:443dc5eede7fa76b2370213e0abe881eb17c96f7d694501853c11d5d56916602"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:abae6fd5504e5e438e4f6f739f8364fd9ff5a5cdca897e68363e2318af90bc28"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9486e27bb3f137f33e2315be2baa0b0b983dae9e2f5f5395240178ad8e644728"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:69df82892ff00491d673b1929538efb8c8d68f534fdc6cb7fd3ac8a5852b9034"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:184ff7b30c3f60e1b775378c060099285fd4b5249271046c9005f8b247b39377"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:3d5b2a4b3c10cad0615670cab99059441ff42e92cf793a0336f4bc611e895204"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:871c641a83719caaa856a11dcc61c5e5b35b0db888e1a0d338fe67ce744575e2"}, - {file = "pydantic_core-2.14.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:1e7208946ea9b27a8cef13822c339d4ae96e45952cc01fc4a91c7f1cb0ae2861"}, - {file = "pydantic_core-2.14.1-cp37-none-win32.whl", hash = "sha256:b4ff385a525017f5adf6066d7f9fb309f99ade725dcf17ed623dc7dce1f85d9f"}, - {file = "pydantic_core-2.14.1-cp37-none-win_amd64.whl", hash = "sha256:c7411cd06afeb263182e38c6ca5b4f5fe4f20d91466ad7db0cd6af453a02edec"}, - {file = "pydantic_core-2.14.1-cp38-cp38-macosx_10_7_x86_64.whl", hash = "sha256:2871daf5b2823bf77bf7d3d43825e5d904030c155affdf84b21a00a2e00821d2"}, - {file = "pydantic_core-2.14.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7977e261cac5f99873dc2c6f044315d09b19a71c4246560e1e67593889a90978"}, - {file = "pydantic_core-2.14.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e5a111f9158555582deadd202a60bd7803b6c68f406391b7cf6905adf0af6811"}, - {file = "pydantic_core-2.14.1-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ac417312bf6b7a0223ba73fb12e26b2854c93bf5b1911f7afef6d24c379b22aa"}, - {file = "pydantic_core-2.14.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c36987f5eb2a7856b5f5feacc3be206b4d1852a6ce799f6799dd9ffb0cba56ae"}, - {file = "pydantic_core-2.14.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c6e98227eb02623d57e1fd061788837834b68bb995a869565211b9abf3de4bf4"}, - {file = "pydantic_core-2.14.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:023b6d7ec4e97890b28eb2ee24413e69a6d48de4e8b75123957edd5432f4eeb3"}, - {file = "pydantic_core-2.14.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6015beb28deb5306049ecf2519a59627e9e050892927850a884df6d5672f8c7d"}, - {file = "pydantic_core-2.14.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:3f48d4afd973abbd65266ac24b24de1591116880efc7729caf6b6b94a9654c9e"}, - {file = "pydantic_core-2.14.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:28734bcfb8fc5b03293dec5eb5ea73b32ff767f6ef79a31f6e41dad2f5470270"}, - {file = "pydantic_core-2.14.1-cp38-none-win32.whl", hash = "sha256:3303113fdfaca927ef11e0c5f109e2ec196c404f9d7ba5f8ddb63cdf287ea159"}, - {file = "pydantic_core-2.14.1-cp38-none-win_amd64.whl", hash = "sha256:144f2c1d5579108b6ed1193fcc9926124bd4142b0f7020a7744980d1235c8a40"}, - {file = "pydantic_core-2.14.1-cp39-cp39-macosx_10_7_x86_64.whl", hash = "sha256:893bf4fb9bfb9c4639bc12f3de323325ada4c6d60e478d5cded65453e9364890"}, - {file = "pydantic_core-2.14.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:052d8731aaf844f91fe4cd3faf28983b109a5865b3a256ec550b80a5689ead87"}, - {file = "pydantic_core-2.14.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb1c6ecb53e4b907ee8486f453dd940b8cbb509946e2b671e3bf807d310a96fc"}, - {file = "pydantic_core-2.14.1-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:94cf6d0274eb899d39189144dcf52814c67f9b0fd196f211420d9aac793df2da"}, - {file = "pydantic_core-2.14.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:36c3bf96f803e207a80dbcb633d82b98ff02a9faa76dd446e969424dec8e2b9f"}, - {file = "pydantic_core-2.14.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fb290491f1f0786a7da4585250f1feee200fc17ff64855bdd7c42fb54526fa29"}, - {file = "pydantic_core-2.14.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6590ed9d13eb51b28ea17ddcc6c8dbd6050b4eb589d497105f0e13339f223b72"}, - {file = "pydantic_core-2.14.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:69cd74e55a5326d920e7b46daa2d81c2bdb8bcf588eafb2330d981297b742ddc"}, - {file = "pydantic_core-2.14.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d965bdb50725a805b083f5f58d05669a85705f50a6a864e31b545c589290ee31"}, - {file = "pydantic_core-2.14.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ca942a2dc066ca5e04c27feaa8dfb9d353ddad14c6641660c565149186095343"}, - {file = "pydantic_core-2.14.1-cp39-none-win32.whl", hash = "sha256:72c2ef3787c3b577e5d6225d73a77167b942d12cef3c1fbd5e74e55b7f881c36"}, - {file = "pydantic_core-2.14.1-cp39-none-win_amd64.whl", hash = "sha256:55713d155da1e508083c4b08d0b1ad2c3054f68b8ef7eb3d3864822e456f0bb5"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-macosx_10_7_x86_64.whl", hash = "sha256:53efe03cc383a83660cfdda6a3cb40ee31372cedea0fde0b2a2e55e838873ab6"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:f523e116879bc6714e61d447ce934676473b068069dce6563ea040381dc7a257"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:85bb66d661be51b2cba9ca06759264b3469d2dbb53c3e6effb3f05fec6322be6"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:f53a3ccdc30234cb4342cec541e3e6ed87799c7ca552f0b5f44e3967a5fed526"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:1bfb63821ada76719ffcd703fc40dd57962e0d8c253e3c565252e6de6d3e0bc6"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:e2c689439f262c29cf3fcd5364da1e64d8600facecf9eabea8643b8755d2f0de"}, - {file = "pydantic_core-2.14.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:a15f6e5588f7afb7f6fc4b0f4ff064749e515d34f34c666ed6e37933873d8ad8"}, - {file = "pydantic_core-2.14.1-pp37-pypy37_pp73-macosx_10_7_x86_64.whl", hash = "sha256:f1a30eef060e21af22c7d23349f1028de0611f522941c80efa51c05a63142c62"}, - {file = "pydantic_core-2.14.1-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:16f4a7e1ec6b3ea98a1e108a2739710cd659d68b33fbbeaba066202cab69c7b6"}, - {file = "pydantic_core-2.14.1-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:fd80a2d383940eec3db6a5b59d1820f947317acc5c75482ff8d79bf700f8ad6a"}, - {file = "pydantic_core-2.14.1-pp37-pypy37_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:a68a36d71c7f638dda6c9e6b67f6aabf3fa1471b198d246457bfdc7c777cdeb7"}, - {file = "pydantic_core-2.14.1-pp37-pypy37_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:ebc79120e105e4bcd7865f369e3b9dbabb0d492d221e1a7f62a3e8e292550278"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-macosx_10_7_x86_64.whl", hash = "sha256:c8c466facec2ccdf025b0b1455b18f2c3d574d5f64d24df905d3d7b8f05d5f4e"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:b91b5ec423e88caa16777094c4b2b97f11453283e7a837e5e5e1b886abba1251"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:130e49aa0cb316f743bc7792c36aefa39fc2221312f1d4b333b19edbdd71f2b1"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:f483467c046f549572f8aca3b7128829e09ae3a9fe933ea421f7cb7c58120edb"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:dee4682bd7947afc682d342a8d65ad1834583132383f8e801601a8698cb8d17a"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:8d927d042c0ef04607ee7822828b208ab045867d20477ec6593d612156798547"}, - {file = "pydantic_core-2.14.1-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:5a1570875eb0d1479fb2270ed80c88c231aaaf68b0c3f114f35e7fb610435e4f"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-macosx_10_7_x86_64.whl", hash = "sha256:cb2fd3ab67558eb16aecfb4f2db4febb4d37dc74e6b8613dc2e7160fb58158a9"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:a7991f25b98038252363a03e6a9fe92e60fe390fda2631d238dc3b0e396632f8"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5b45b7be9f99991405ecd6f6172fb6798908a8097106ae78d5cc5cc15121bad9"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:51506e7652a2ef1d1cf763c4b51b972ff4568d1dddc96ca83931a6941f5e6389"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:66dc0e63349ec39c1ea66622aa5c2c1f84382112afd3ab2fa0cca4fb01f7db39"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:8e17f0c3ba4cb07faa0038a59ce162de584ed48ba645c8d05a5de1e40d4c21e7"}, - {file = "pydantic_core-2.14.1-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:d983222223f63e323a5f497f5b85e211557a5d8fb670dc88f343784502b466ba"}, - {file = "pydantic_core-2.14.1.tar.gz", hash = "sha256:0d82a6ee815388a362885186e431fac84c7a06623bc136f508e9f88261d8cadb"}, + {file = "pydantic_core-2.14.3-cp310-cp310-macosx_10_7_x86_64.whl", hash = "sha256:ba44fad1d114539d6a1509966b20b74d2dec9a5b0ee12dd7fd0a1bb7b8785e5f"}, + {file = "pydantic_core-2.14.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4a70d23eedd88a6484aa79a732a90e36701048a1509078d1b59578ef0ea2cdf5"}, + {file = "pydantic_core-2.14.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7cc24728a1a9cef497697e53b3d085fb4d3bc0ef1ef4d9b424d9cf808f52c146"}, + {file = "pydantic_core-2.14.3-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ab4a2381005769a4af2ffddae74d769e8a4aae42e970596208ec6d615c6fb080"}, + {file = "pydantic_core-2.14.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:905a12bf088d6fa20e094f9a477bf84bd823651d8b8384f59bcd50eaa92e6a52"}, + {file = "pydantic_core-2.14.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:38aed5a1bbc3025859f56d6a32f6e53ca173283cb95348e03480f333b1091e7d"}, + {file = "pydantic_core-2.14.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1767bd3f6370458e60c1d3d7b1d9c2751cc1ad743434e8ec84625a610c8b9195"}, + {file = "pydantic_core-2.14.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:7cb0c397f29688a5bd2c0dbd44451bc44ebb9b22babc90f97db5ec3e5bb69977"}, + {file = "pydantic_core-2.14.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9ff737f24b34ed26de62d481ef522f233d3c5927279f6b7229de9b0deb3f76b5"}, + {file = "pydantic_core-2.14.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a1a39fecb5f0b19faee9a8a8176c805ed78ce45d760259a4ff3d21a7daa4dfc1"}, + {file = "pydantic_core-2.14.3-cp310-none-win32.whl", hash = "sha256:ccbf355b7276593c68fa824030e68cb29f630c50e20cb11ebb0ee450ae6b3d08"}, + {file = "pydantic_core-2.14.3-cp310-none-win_amd64.whl", hash = "sha256:536e1f58419e1ec35f6d1310c88496f0d60e4f182cacb773d38076f66a60b149"}, + {file = "pydantic_core-2.14.3-cp311-cp311-macosx_10_7_x86_64.whl", hash = "sha256:f1f46700402312bdc31912f6fc17f5ecaaaa3bafe5487c48f07c800052736289"}, + {file = "pydantic_core-2.14.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:88ec906eb2d92420f5b074f59cf9e50b3bb44f3cb70e6512099fdd4d88c2f87c"}, + {file = "pydantic_core-2.14.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:056ea7cc3c92a7d2a14b5bc9c9fa14efa794d9f05b9794206d089d06d3433dc7"}, + {file = "pydantic_core-2.14.3-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:076edc972b68a66870cec41a4efdd72a6b655c4098a232314b02d2bfa3bfa157"}, + {file = "pydantic_core-2.14.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e71f666c3bf019f2490a47dddb44c3ccea2e69ac882f7495c68dc14d4065eac2"}, + {file = "pydantic_core-2.14.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f518eac285c9632be337323eef9824a856f2680f943a9b68ac41d5f5bad7df7c"}, + {file = "pydantic_core-2.14.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9dbab442a8d9ca918b4ed99db8d89d11b1f067a7dadb642476ad0889560dac79"}, + {file = "pydantic_core-2.14.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:0653fb9fc2fa6787f2fa08631314ab7fc8070307bd344bf9471d1b7207c24623"}, + {file = "pydantic_core-2.14.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c54af5069da58ea643ad34ff32fd6bc4eebb8ae0fef9821cd8919063e0aeeaab"}, + {file = "pydantic_core-2.14.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:cc956f78651778ec1ab105196e90e0e5f5275884793ab67c60938c75bcca3989"}, + {file = "pydantic_core-2.14.3-cp311-none-win32.whl", hash = "sha256:5b73441a1159f1fb37353aaefb9e801ab35a07dd93cb8177504b25a317f4215a"}, + {file = "pydantic_core-2.14.3-cp311-none-win_amd64.whl", hash = "sha256:7349f99f1ef8b940b309179733f2cad2e6037a29560f1b03fdc6aa6be0a8d03c"}, + {file = "pydantic_core-2.14.3-cp311-none-win_arm64.whl", hash = "sha256:ec79dbe23702795944d2ae4c6925e35a075b88acd0d20acde7c77a817ebbce94"}, + {file = "pydantic_core-2.14.3-cp312-cp312-macosx_10_7_x86_64.whl", hash = "sha256:8f5624f0f67f2b9ecaa812e1dfd2e35b256487566585160c6c19268bf2ffeccc"}, + {file = "pydantic_core-2.14.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6c2d118d1b6c9e2d577e215567eedbe11804c3aafa76d39ec1f8bc74e918fd07"}, + {file = "pydantic_core-2.14.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fe863491664c6720d65ae438d4efaa5eca766565a53adb53bf14bc3246c72fe0"}, + {file = "pydantic_core-2.14.3-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:136bc7247e97a921a020abbd6ef3169af97569869cd6eff41b6a15a73c44ea9b"}, + {file = "pydantic_core-2.14.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:aeafc7f5bbddc46213707266cadc94439bfa87ecf699444de8be044d6d6eb26f"}, + {file = "pydantic_core-2.14.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e16aaf788f1de5a85c8f8fcc9c1ca1dd7dd52b8ad30a7889ca31c7c7606615b8"}, + {file = "pydantic_core-2.14.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8fc652c354d3362e2932a79d5ac4bbd7170757a41a62c4fe0f057d29f10bebb"}, + {file = "pydantic_core-2.14.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:f1b92e72babfd56585c75caf44f0b15258c58e6be23bc33f90885cebffde3400"}, + {file = "pydantic_core-2.14.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:75f3f534f33651b73f4d3a16d0254de096f43737d51e981478d580f4b006b427"}, + {file = "pydantic_core-2.14.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:c9ffd823c46e05ef3eb28b821aa7bc501efa95ba8880b4a1380068e32c5bed47"}, + {file = "pydantic_core-2.14.3-cp312-none-win32.whl", hash = "sha256:12e05a76b223577a4696c76d7a6b36a0ccc491ffb3c6a8cf92d8001d93ddfd63"}, + {file = "pydantic_core-2.14.3-cp312-none-win_amd64.whl", hash = "sha256:1582f01eaf0537a696c846bea92082082b6bfc1103a88e777e983ea9fbdc2a0f"}, + {file = "pydantic_core-2.14.3-cp312-none-win_arm64.whl", hash = "sha256:96fb679c7ca12a512d36d01c174a4fbfd912b5535cc722eb2c010c7b44eceb8e"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-macosx_10_7_x86_64.whl", hash = "sha256:71ed769b58d44e0bc2701aa59eb199b6665c16e8a5b8b4a84db01f71580ec448"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-macosx_11_0_arm64.whl", hash = "sha256:5402ee0f61e7798ea93a01b0489520f2abfd9b57b76b82c93714c4318c66ca06"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eaab9dc009e22726c62fe3b850b797e7f0e7ba76d245284d1064081f512c7226"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:92486a04d54987054f8b4405a9af9d482e5100d6fe6374fc3303015983fc8bda"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cf08b43d1d5d1678f295f0431a4a7e1707d4652576e1d0f8914b5e0213bfeee5"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a8ca13480ce16daad0504be6ce893b0ee8ec34cd43b993b754198a89e2787f7e"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:44afa3c18d45053fe8d8228950ee4c8eaf3b5a7f3b64963fdeac19b8342c987f"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:56814b41486e2d712a8bc02a7b1f17b87fa30999d2323bbd13cf0e52296813a1"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:c3dc2920cc96f9aa40c6dc54256e436cc95c0a15562eb7bd579e1811593c377e"}, + {file = "pydantic_core-2.14.3-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:e483b8b913fcd3b48badec54185c150cb7ab0e6487914b84dc7cde2365e0c892"}, + {file = "pydantic_core-2.14.3-cp37-none-win32.whl", hash = "sha256:364dba61494e48f01ef50ae430e392f67ee1ee27e048daeda0e9d21c3ab2d609"}, + {file = "pydantic_core-2.14.3-cp37-none-win_amd64.whl", hash = "sha256:a402ae1066be594701ac45661278dc4a466fb684258d1a2c434de54971b006ca"}, + {file = "pydantic_core-2.14.3-cp38-cp38-macosx_10_7_x86_64.whl", hash = "sha256:10904368261e4509c091cbcc067e5a88b070ed9a10f7ad78f3029c175487490f"}, + {file = "pydantic_core-2.14.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:260692420028319e201b8649b13ac0988974eeafaaef95d0dfbf7120c38dc000"}, + {file = "pydantic_core-2.14.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c1bf1a7b05a65d3b37a9adea98e195e0081be6b17ca03a86f92aeb8b110f468"}, + {file = "pydantic_core-2.14.3-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d7abd17a838a52140e3aeca271054e321226f52df7e0a9f0da8f91ea123afe98"}, + {file = "pydantic_core-2.14.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a5c51460ede609fbb4fa883a8fe16e749964ddb459966d0518991ec02eb8dfb9"}, + {file = "pydantic_core-2.14.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d06c78074646111fb01836585f1198367b17d57c9f427e07aaa9ff499003e58d"}, + {file = "pydantic_core-2.14.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:af452e69446fadf247f18ac5d153b1f7e61ef708f23ce85d8c52833748c58075"}, + {file = "pydantic_core-2.14.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e3ad4968711fb379a67c8c755beb4dae8b721a83737737b7bcee27c05400b047"}, + {file = "pydantic_core-2.14.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:c5ea0153482e5b4d601c25465771c7267c99fddf5d3f3bdc238ef930e6d051cf"}, + {file = "pydantic_core-2.14.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:96eb10ef8920990e703da348bb25fedb8b8653b5966e4e078e5be382b430f9e0"}, + {file = "pydantic_core-2.14.3-cp38-none-win32.whl", hash = "sha256:ea1498ce4491236d1cffa0eee9ad0968b6ecb0c1cd711699c5677fc689905f00"}, + {file = "pydantic_core-2.14.3-cp38-none-win_amd64.whl", hash = "sha256:2bc736725f9bd18a60eec0ed6ef9b06b9785454c8d0105f2be16e4d6274e63d0"}, + {file = "pydantic_core-2.14.3-cp39-cp39-macosx_10_7_x86_64.whl", hash = "sha256:1ea992659c03c3ea811d55fc0a997bec9dde863a617cc7b25cfde69ef32e55af"}, + {file = "pydantic_core-2.14.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d2b53e1f851a2b406bbb5ac58e16c4a5496038eddd856cc900278fa0da97f3fc"}, + {file = "pydantic_core-2.14.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0c7f8e8a7cf8e81ca7d44bea4f181783630959d41b4b51d2f74bc50f348a090f"}, + {file = "pydantic_core-2.14.3-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:8d3b9c91eeb372a64ec6686c1402afd40cc20f61a0866850f7d989b6bf39a41a"}, + {file = "pydantic_core-2.14.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9ef3e2e407e4cad2df3c89488a761ed1f1c33f3b826a2ea9a411b0a7d1cccf1b"}, + {file = "pydantic_core-2.14.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f86f20a9d5bee1a6ede0f2757b917bac6908cde0f5ad9fcb3606db1e2968bcf5"}, + {file = "pydantic_core-2.14.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:61beaa79d392d44dc19d6f11ccd824d3cccb865c4372157c40b92533f8d76dd0"}, + {file = "pydantic_core-2.14.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d41df8e10b094640a6b234851b624b76a41552f637b9fb34dc720b9fe4ef3be4"}, + {file = "pydantic_core-2.14.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:2c08ac60c3caa31f825b5dbac47e4875bd4954d8f559650ad9e0b225eaf8ed0c"}, + {file = "pydantic_core-2.14.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:98d8b3932f1a369364606417ded5412c4ffb15bedbcf797c31317e55bd5d920e"}, + {file = "pydantic_core-2.14.3-cp39-none-win32.whl", hash = "sha256:caa94726791e316f0f63049ee00dff3b34a629b0d099f3b594770f7d0d8f1f56"}, + {file = "pydantic_core-2.14.3-cp39-none-win_amd64.whl", hash = "sha256:2494d20e4c22beac30150b4be3b8339bf2a02ab5580fa6553ca274bc08681a65"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-macosx_10_7_x86_64.whl", hash = "sha256:fe272a72c7ed29f84c42fedd2d06c2f9858dc0c00dae3b34ba15d6d8ae0fbaaf"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:7e63a56eb7fdee1587d62f753ccd6d5fa24fbeea57a40d9d8beaef679a24bdd6"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b7692f539a26265cece1e27e366df5b976a6db6b1f825a9e0466395b314ee48b"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:af46f0b7a1342b49f208fed31f5a83b8495bb14b652f621e0a6787d2f10f24ee"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6e2f9d76c00e805d47f19c7a96a14e4135238a7551a18bfd89bb757993fd0933"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:de52ddfa6e10e892d00f747bf7135d7007302ad82e243cf16d89dd77b03b649d"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:38113856c7fad8c19be7ddd57df0c3e77b1b2336459cb03ee3903ce9d5e236ce"}, + {file = "pydantic_core-2.14.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:354db020b1f8f11207b35360b92d95725621eb92656725c849a61e4b550f4acc"}, + {file = "pydantic_core-2.14.3-pp37-pypy37_pp73-macosx_10_7_x86_64.whl", hash = "sha256:76fc18653a5c95e5301a52d1b5afb27c9adc77175bf00f73e94f501caf0e05ad"}, + {file = "pydantic_core-2.14.3-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2646f8270f932d79ba61102a15ea19a50ae0d43b314e22b3f8f4b5fabbfa6e38"}, + {file = "pydantic_core-2.14.3-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37dad73a2f82975ed563d6a277fd9b50e5d9c79910c4aec787e2d63547202315"}, + {file = "pydantic_core-2.14.3-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:113752a55a8eaece2e4ac96bc8817f134c2c23477e477d085ba89e3aa0f4dc44"}, + {file = "pydantic_core-2.14.3-pp37-pypy37_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:8488e973547e8fb1b4193fd9faf5236cf1b7cd5e9e6dc7ff6b4d9afdc4c720cb"}, + {file = "pydantic_core-2.14.3-pp37-pypy37_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:3d1dde10bd9962b1434053239b1d5490fc31a2b02d8950a5f731bc584c7a5a0f"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-macosx_10_7_x86_64.whl", hash = "sha256:2c83892c7bf92b91d30faca53bb8ea21f9d7e39f0ae4008ef2c2f91116d0464a"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:849cff945284c577c5f621d2df76ca7b60f803cc8663ff01b778ad0af0e39bb9"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4aa89919fbd8a553cd7d03bf23d5bc5deee622e1b5db572121287f0e64979476"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bf15145b1f8056d12c67255cd3ce5d317cd4450d5ee747760d8d088d85d12a2d"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:4cc6bb11f4e8e5ed91d78b9880774fbc0856cb226151b0a93b549c2b26a00c19"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:832d16f248ca0cc96929139734ec32d21c67669dcf8a9f3f733c85054429c012"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:b02b5e1f54c3396c48b665050464803c23c685716eb5d82a1d81bf81b5230da4"}, + {file = "pydantic_core-2.14.3-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:1f2d4516c32255782153e858f9a900ca6deadfb217fd3fb21bb2b60b4e04d04d"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-macosx_10_7_x86_64.whl", hash = "sha256:0a3e51c2be472b7867eb0c5d025b91400c2b73a0823b89d4303a9097e2ec6655"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:df33902464410a1f1a0411a235f0a34e7e129f12cb6340daca0f9d1390f5fe10"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:27828f0227b54804aac6fb077b6bb48e640b5435fdd7fbf0c274093a7b78b69c"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1e2979dc80246e18e348de51246d4c9b410186ffa3c50e77924bec436b1e36cb"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b28996872b48baf829ee75fa06998b607c66a4847ac838e6fd7473a6b2ab68e7"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:ca55c9671bb637ce13d18ef352fd32ae7aba21b4402f300a63f1fb1fd18e0364"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:aecd5ed096b0e5d93fb0367fd8f417cef38ea30b786f2501f6c34eabd9062c38"}, + {file = "pydantic_core-2.14.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:44aaf1a07ad0824e407dafc637a852e9a44d94664293bbe7d8ee549c356c8882"}, + {file = "pydantic_core-2.14.3.tar.gz", hash = "sha256:3ad083df8fe342d4d8d00cc1d3c1a23f0dc84fce416eb301e69f1ddbbe124d3f"}, ] [package.dependencies] @@ -1030,13 +1048,13 @@ tests = ["coverage (>=6.0.0)", "flake8", "mypy", "pytest (>=7.0.0)", "pytest-asy [[package]] name = "rich" -version = "13.6.0" +version = "13.7.0" description = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal" optional = false python-versions = ">=3.7.0" files = [ - {file = "rich-13.6.0-py3-none-any.whl", hash = "sha256:2b38e2fe9ca72c9a00170a1a2d20c63c790d0e10ef1fe35eba76e1e7b1d7d245"}, - {file = "rich-13.6.0.tar.gz", hash = "sha256:5c14d22737e6d5084ef4771b62d5d4363165b403455a30a1c8ca39dc7b644bef"}, + {file = "rich-13.7.0-py3-none-any.whl", hash = "sha256:6da14c108c4866ee9520bbffa71f6fe3962e193b7da68720583850cd4548e235"}, + {file = "rich-13.7.0.tar.gz", hash = "sha256:5cb5123b5cf9ee70584244246816e9114227e0b98ad9176eede6ad54bf5403fa"}, ] [package.dependencies] @@ -1136,6 +1154,27 @@ files = [ {file = "toml-0.10.2.tar.gz", hash = "sha256:b3bda1d108d5dd99f4a20d24d9c348e91c4db7ab1b749200bded2f839ccbe68f"}, ] +[[package]] +name = "typer" +version = "0.9.0" +description = "Typer, build great CLIs. Easy to code. Based on Python type hints." +optional = false +python-versions = ">=3.6" +files = [ + {file = "typer-0.9.0-py3-none-any.whl", hash = "sha256:5d96d986a21493606a358cae4461bd8cdf83cbf33a5aa950ae629ca3b51467ee"}, + {file = "typer-0.9.0.tar.gz", hash = "sha256:50922fd79aea2f4751a8e0408ff10d2662bd0c8bbfa84755a699f3bada2978b2"}, +] + +[package.dependencies] +click = ">=7.1.1,<9.0.0" +typing-extensions = ">=3.7.4.3" + +[package.extras] +all = ["colorama (>=0.4.3,<0.5.0)", "rich (>=10.11.0,<14.0.0)", "shellingham (>=1.3.0,<2.0.0)"] +dev = ["autoflake (>=1.3.1,<2.0.0)", "flake8 (>=3.8.3,<4.0.0)", "pre-commit (>=2.17.0,<3.0.0)"] +doc = ["cairosvg (>=2.5.2,<3.0.0)", "mdx-include (>=1.4.1,<2.0.0)", "mkdocs (>=1.1.2,<2.0.0)", "mkdocs-material (>=8.1.4,<9.0.0)", "pillow (>=9.3.0,<10.0.0)"] +test = ["black (>=22.3.0,<23.0.0)", "coverage (>=6.2,<7.0)", "isort (>=5.0.6,<6.0.0)", "mypy (==0.910)", "pytest (>=4.4.0,<8.0.0)", "pytest-cov (>=2.10.0,<5.0.0)", "pytest-sugar (>=0.9.4,<0.10.0)", "pytest-xdist (>=1.32.0,<4.0.0)", "rich (>=10.11.0,<14.0.0)", "shellingham (>=1.3.0,<2.0.0)"] + [[package]] name = "types-toml" version = "0.10.8.7" @@ -1199,4 +1238,4 @@ files = [ [metadata] lock-version = "2.0" python-versions = ">=3.11,<3.12" -content-hash = "5269cf31a5be6200484aa9d71e89daa845e945f42a817aa891b801f09852e39b" +content-hash = "52670a95949551a2735f516a33effc53693bd3038cf4121beb6a6d680cf3df15" diff --git a/pyproject.toml b/pyproject.toml index dc55b75..54601c6 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -26,10 +26,10 @@ python = ">=3.11,<3.12" pdfplumber = ">=0.10.3" python-dateutil = "^2.8.2" oauthlib = "^3.2.2" -pydantic = "^2.5.0" +pydantic = "^2.5.1" python-dotenv = ">=1.0.0" requests = "^2.31.0" -rich = "^13.6.0" +rich = "^13.7.0" diskcache = "^5.6.3" responses = "^0.22.0" pandas = "^2.1.3" @@ -41,12 +41,13 @@ cmd2 = "^2.4.3" textualize = "^0.1" setuptools = "^68.2.2" pydantic-settings = "^2.1.0" +typer = "^0.9.0" [tool.poetry.group.dev.dependencies] pytest = "^7.4.3" [tool.poetry.scripts] -bany = 'bany.__main__:main' +bany = 'bany.__main__:app' [tool.poetry-dynamic-versioning] enable = true diff --git a/tests/bany/cmd/solve/solvers/test_graphsolver.py b/tests/bany/cmd/solve/solvers/test_graphsolver.py index 5adc158..741f1dd 100644 --- a/tests/bany/cmd/solve/solvers/test_graphsolver.py +++ b/tests/bany/cmd/solve/solvers/test_graphsolver.py @@ -44,7 +44,7 @@ ], edges=[("T", "H"), ("T", "I"), ("T", "J")], ), - BucketSolverSimple, + BucketSolverSimple.solve, ), # simple_value_added : the amounts should be redistributed and value should be added ( @@ -97,7 +97,7 @@ ], edges=[("F", "U"), ("F", "V"), ("F", "W")], ), - BucketSolverSimple, + BucketSolverSimple.solve, ), # constrained_simple : values are only added to the final result and are in perfect ratios ( @@ -124,7 +124,7 @@ ], edges=[("A", "0"), ("A", "1"), ("A", "2")], ), - BucketSolverConstrained, + BucketSolverConstrained.solve, ), # constrained_complex : values are only added to the final result and are in perfect ratios ( @@ -211,7 +211,7 @@ ], edges=[("B", "3"), ("B", "4"), ("B", "5"), ("5", "C"), ("5", "D"), ("D", "6"), ("D", "7")], ), - BucketSolverConstrained, + BucketSolverConstrained.solve, ), ], ids=[