diff --git a/docs/tutorials/distrib-ml/torch_scaling_test.rst b/docs/tutorials/distrib-ml/torch_scaling_test.rst index db09667f..929847fe 100644 --- a/docs/tutorials/distrib-ml/torch_scaling_test.rst +++ b/docs/tutorials/distrib-ml/torch_scaling_test.rst @@ -3,104 +3,9 @@ PyTorch scaling test .. include:: ../../../tutorials/distributed-ml/torch-scaling-test/README.md :parser: myst_parser.sphinx_ - :end-before: Example of scalability plot generated by + :end-before: Below follows an example of -Example of scalability plot generated by ``itwinai scalability-report``: - +Below follows an example of scalability plot generated by ``itwinai scalability-report``: .. image:: ../../../tutorials/distributed-ml/torch-scaling-test/img/report.png - - -Configuration files -------------------- - - -base.yaml -+++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/config/base.yaml - :language: yaml - - -ddp.yaml -++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/config/ddp.yaml - :language: yaml - - -deepspeed.yaml -++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/config/deepspeed.yaml - :language: yaml - - -horovod.yaml -++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/config/horovod.yaml - :language: yaml - - - -Training scripts and utils --------------------------- - - -ddp_trainer.py -++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/ddp_trainer.py - :language: python - - -deepspeed_trainer.py -++++++++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/deepspeed_trainer.py - :language: python - - -horovod_trainer.py -++++++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/horovod_trainer.py - :language: python - - -itwinai_trainer.py -++++++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/itwinai_trainer.py - :language: python - - -utils.py -++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/utils.py - :language: python - - -runall.sh -+++++++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test//runall.sh - :language: bash - - -scaling-test.sh -+++++++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/scaling-test.sh - :language: bash - - -slurm.sh -+++++++++++++++++++ - -.. literalinclude:: ../../../tutorials/distributed-ml/torch-scaling-test/slurm.sh - :language: bash - diff --git a/env-files/tensorflow/generic_tf.sh b/env-files/tensorflow/generic_tf.sh index 0b5d216e..b2adf7b7 100644 --- a/env-files/tensorflow/generic_tf.sh +++ b/env-files/tensorflow/generic_tf.sh @@ -1,5 +1,15 @@ #!/bin/bash +# -------------------------------------------------------------------------------------- +# Part of the interTwin Project: https://www.intertwin.eu/ +# +# Created by: Matteo Bunino +# +# Credit: +# - Jarl Sondre Sæther - CERN +# - Matteo Bunino - CERN +# -------------------------------------------------------------------------------------- + if [ -z "$ENV_NAME" ]; then ENV_NAME=".venv-tf" fi diff --git a/env-files/torch/generic_torch.sh b/env-files/torch/generic_torch.sh index ac80b9f1..05664d00 100644 --- a/env-files/torch/generic_torch.sh +++ b/env-files/torch/generic_torch.sh @@ -1,4 +1,15 @@ #!/bin/bash + +# -------------------------------------------------------------------------------------- +# Part of the interTwin Project: https://www.intertwin.eu/ +# +# Created by: Matteo Bunino +# +# Credit: +# - Jarl Sondre Sæther - CERN +# - Matteo Bunino - CERN +# -------------------------------------------------------------------------------------- + if [ -z "$ENV_NAME" ]; then ENV_NAME=".venv-pytorch" fi diff --git a/env-files/torch/install-horovod-deepspeed-cuda.sh b/env-files/torch/install-horovod-deepspeed-cuda.sh index f596ae83..5ca773eb 100755 --- a/env-files/torch/install-horovod-deepspeed-cuda.sh +++ b/env-files/torch/install-horovod-deepspeed-cuda.sh @@ -1,5 +1,15 @@ #!/bin/bash +# -------------------------------------------------------------------------------------- +# Part of the interTwin Project: https://www.intertwin.eu/ +# +# Created by: Jarl Sondre Sæther +# +# Credit: +# - Jarl Sondre Sæther - CERN +# - Matteo Bunino - CERN +# -------------------------------------------------------------------------------------- + # DeepSpeed variables export DS_BUILD_CCL_COMM=1 export DS_BUILD_UTILS=1 diff --git a/src/itwinai/cli.py b/src/itwinai/cli.py index 5fc00c99..a88bf2d8 100644 --- a/src/itwinai/cli.py +++ b/src/itwinai/cli.py @@ -372,6 +372,7 @@ def exec_pipeline( print(json.dumps(parser.config, indent=2)) print("#=" * 50) print() + pipeline = parser.parse_pipeline(pipeline_nested_key=pipe_key) if steps: if not re.match(r"\d+(:\d+)?(:\d+)?", steps): diff --git a/src/itwinai/loggers.py b/src/itwinai/loggers.py index 6e89fbcb..6cfb9f9d 100644 --- a/src/itwinai/loggers.py +++ b/src/itwinai/loggers.py @@ -1177,7 +1177,7 @@ class EpochTimeTracker: """Tracker for epoch execution time during training.""" def __init__( - self, strategy_name: str, save_path: Union[Path, str], num_nodes: int + self, strategy_name: str, save_path: Path | str, num_nodes: int ) -> None: if isinstance(save_path, str): save_path = Path(save_path) diff --git a/src/itwinai/scalability.py b/src/itwinai/scalability.py index a75db0f1..ab9fdf4a 100644 --- a/src/itwinai/scalability.py +++ b/src/itwinai/scalability.py @@ -108,6 +108,8 @@ def create_absolute_plot(avg_epoch_time_df: pd.DataFrame) -> None: ax.grid(True) output_path = Path("plots/absolute_scalability_plot.png") + output_path.parent.mkdir(parents=True, exist_ok=True) + plt.tight_layout() plt.savefig(output_path) print(f"Saving absolute plot to '{output_path.resolve()}'.") sns.reset_orig() diff --git a/src/itwinai/slurm/slurm_config.yaml b/src/itwinai/slurm/slurm_config.yaml index 71774219..86355d6a 100644 --- a/src/itwinai/slurm/slurm_config.yaml +++ b/src/itwinai/slurm/slurm_config.yaml @@ -3,8 +3,8 @@ account: intertwin dist_strat: horovod time: 00:11:11 -std_out: slurm_jobs/job.out -err_out: slurm_jobs/err.out +std_out: slurm_job_logs/job.out +err_out: slurm_job_logs/err.out num_nodes: 1 num_tasks_per_node: 1 diff --git a/src/itwinai/slurm/slurm_script_builder.py b/src/itwinai/slurm/slurm_script_builder.py index bcd069c9..6a076a0d 100644 --- a/src/itwinai/slurm/slurm_script_builder.py +++ b/src/itwinai/slurm/slurm_script_builder.py @@ -172,6 +172,8 @@ def get_debug_command(self) -> str: echo "" echo "### Other Variables ###" echo "Distributed Strategy: {self.distributed_strategy}" + echo "Current working directory: $(pwd)" + echo "Which python: $(which python)" """ debug_print_command = debug_print_command.strip() return remove_indentation_from_multiline_string(debug_print_command) @@ -201,10 +203,10 @@ def process_slurm_script( self.slurm_script_configuration.job_name = self.generate_identifier() if self.slurm_script_configuration.std_out is None: - std_out_path = Path("slurm_jobs") / (self.generate_identifier() + ".out") + std_out_path = Path("slurm_job_logs") / (self.generate_identifier() + ".out") self.slurm_script_configuration.std_out = std_out_path if self.slurm_script_configuration.err_out is None: - err_out_path = Path("slurm_jobs") / (self.generate_identifier() + ".err") + err_out_path = Path("slurm_job_logs") / (self.generate_identifier() + ".err") self.slurm_script_configuration.err_out = err_out_path # Making sure the std out and err out folders exist @@ -218,9 +220,9 @@ def process_slurm_script( # Generate the script using the given configuration script = self.slurm_script_configuration.format_script() if not submit_slurm_job and not retain_file: - print("#" * 30) + print("#" * 20, "SLURM Script Preview", "#"*20) print(script) - print("#" * 30) + print("#" * 62) return if file_path is None: @@ -258,8 +260,8 @@ def run_slurm_script_all_strategies( # Overriding job_name, std_out and err_out self.slurm_script_configuration.job_name = self.generate_identifier() - std_out_path = Path("slurm_jobs") / (self.generate_identifier() + ".out") - err_out_path = Path("slurm_jobs") / (self.generate_identifier() + ".err") + std_out_path = Path("slurm_job_logs") / (self.generate_identifier() + ".out") + err_out_path = Path("slurm_job_logs") / (self.generate_identifier() + ".err") self.slurm_script_configuration.std_out = std_out_path self.slurm_script_configuration.err_out = err_out_path diff --git a/src/itwinai/slurm/utils.py b/src/itwinai/slurm/utils.py index 10e7a060..5d823664 100644 --- a/src/itwinai/slurm/utils.py +++ b/src/itwinai/slurm/utils.py @@ -7,6 +7,8 @@ # - Jarl Sondre Sæther - CERN # -------------------------------------------------------------------------------------- +from typing import List + from itwinai.parser import ArgumentParser @@ -18,6 +20,31 @@ def remove_indentation_from_multiline_string(multiline_string: str) -> str: return "\n".join([line.lstrip() for line in multiline_string.split("\n")]) +def scalability_nodes_list(value: str | List[int]) -> List[int]: + """Checks that the value it receives conforms to the comma-separated integer + constraint and returns the parsed list if successful. + + Returns: + The list of integers that was parsed. + + Raises: + ValueError: If unable to parse the integers e.g. due to formatting errors. + """ + + if isinstance(value, list): + if not all([isinstance(x, int) for x in value]): + raise ValueError(f"Provided list, '{value}', contains non-integer values.") + else: + return value + + try: + return [int(n) for n in value.split(",")] + except ValueError: + raise ValueError( + f"Invalid input: '{value}', must be formatted as comma-separated integers." + ) + + def get_slurm_job_parser() -> ArgumentParser: # Default arguments for the SLURM script configuration default_account = "intertwin" @@ -38,16 +65,11 @@ def get_slurm_job_parser() -> ArgumentParser: default_pipe_key = "rnn_training_pipeline" default_training_command = None default_python_venv = ".venv" + default_scalability_nodes = "1,2,4,8" parser = ArgumentParser(parser_mode="omegaconf") # Arguments specific to the SLURM script configuration - parser.add_argument( - "--job_name", - type=str, - default=default_job_name, - help="The name of the SLURM job", - ) parser.add_argument( "--job-name", type=str, @@ -142,6 +164,12 @@ def get_slurm_job_parser() -> ArgumentParser: default=default_python_venv, help="Which python venv to use for running the command.", ) + parser.add_argument( + "--scalability-nodes", + type=scalability_nodes_list, + default=default_scalability_nodes, + help="A comma-separated list of node numbers to use for the scalability test.", + ) # Boolean arguments where you only need to include the flag and not an actual value parser.add_argument( diff --git a/src/itwinai/torch/monitoring/plotting.py b/src/itwinai/torch/monitoring/plotting.py index 4ae764d9..2a2356a1 100644 --- a/src/itwinai/torch/monitoring/plotting.py +++ b/src/itwinai/torch/monitoring/plotting.py @@ -107,6 +107,7 @@ def gpu_bar_plot( raise ValueError( f"DataFrame is missing the following columns: {missing_columns}" ) + sns.set_theme() strategies = data_df["strategy"].unique() @@ -138,9 +139,9 @@ def gpu_bar_plot( ax.set_xticklabels(unique_gpu_counts) ax.legend(title="Strategy") - figure_width = int(1.5 * len(unique_gpu_counts)) - fig.set_figheight(6) + figure_width = max(int(2 * len(unique_gpu_counts)), 8) fig.set_figwidth(figure_width) + fig.set_figheight(figure_width * 0.8) sns.reset_orig() diff --git a/src/itwinai/torch/profiling/communication_plot.py b/src/itwinai/torch/profiling/communication_plot.py index fc119826..0b02870f 100644 --- a/src/itwinai/torch/profiling/communication_plot.py +++ b/src/itwinai/torch/profiling/communication_plot.py @@ -16,8 +16,6 @@ import seaborn as sns from matplotlib.patches import Patch -# from itwinai.scalability import convert_matching_files_to_dataframe - # Doing this because otherwise I get an error about X11 Forwarding which I believe # is due to the server trying to pass the image to the client computer matplotlib.use("Agg") @@ -40,9 +38,15 @@ def calculate_comp_and_comm_time(df: pd.DataFrame) -> Tuple[float, float]: f"\nMissing columns: {missing_columns}" ) - nccl_comm_pattern = ( - r"ncclKernel_(?:AllReduce|Broadcast|Reduce|AllGather|ReduceScatter|SendRecv)" - ) + comm_types = [ + "AllReduce", + "Broadcast", + "Reduce", + "AllGather", + "Gather", + "ReduceScatter", + ] + nccl_comm_pattern = rf"(?:{'|'.join(comm_types)})" cuda_stream_pattern = r"cudaStream(?:WaitEvent|Synchronize)" # Any operation that is a part of PyTorch's ATen library is considered a computation @@ -133,10 +137,11 @@ def communication_overhead_stacked_bar_plot( ax.legend(handles=ax.get_legend_handles_labels()[0] + [hatch_patch]) # Dynamically adjusting the width of the figure - figure_width = int(1.5 * len(gpu_numbers)) - fig.set_figheight(5) + figure_width = max(int(2 * len(gpu_numbers)), 8) fig.set_figwidth(figure_width) + fig.set_figheight(figure_width * 0.8) + # Resetting so that seaborn's theme doesn't affect other plots sns.reset_orig() return fig, ax diff --git a/src/itwinai/torch/profiling/profiler.py b/src/itwinai/torch/profiling/profiler.py index 9f003b3b..951783e8 100644 --- a/src/itwinai/torch/profiling/profiler.py +++ b/src/itwinai/torch/profiling/profiler.py @@ -89,13 +89,15 @@ def profiled_method(self: TorchTrainer, *args, **kwargs) -> Any: warmup_epochs=self.profiling_warmup_epochs, ) with profile( - activities=[ProfilerActivity.CUDA], + activities=[ProfilerActivity.CUDA, ProfilerActivity.CPU], schedule=schedule( wait=wait_epochs, warmup=warmup_epochs, active=active_epochs, ), + with_modules=True ) as profiler: + self.profiler = profiler result = method(self, *args, **kwargs) strategy = self.strategy diff --git a/src/itwinai/torch/trainer.py b/src/itwinai/torch/trainer.py index 1a114dfa..84fe6470 100644 --- a/src/itwinai/torch/trainer.py +++ b/src/itwinai/torch/trainer.py @@ -422,7 +422,8 @@ def set_epoch(self, epoch: int) -> None: Args: epoch (int): epoch number, from 0 to ``epochs-1``. """ - if self.profiler is not None: + if self.profiler is not None and epoch > 0: + # We don't want to start stepping until after the first epoch self.profiler.step() self._set_epoch_dataloaders(epoch) diff --git a/tutorials/distributed-ml/torch-scaling-test/README.md b/tutorials/distributed-ml/torch-scaling-test/README.md index 81adfa0d..66dcfe4e 100644 --- a/tutorials/distributed-ml/torch-scaling-test/README.md +++ b/tutorials/distributed-ml/torch-scaling-test/README.md @@ -1,119 +1,143 @@ # Scaling tests for PyTorch of ResNet152 on Imagenet -**Author(s)**: Matteo Bunino (CERN) +**Author(s)**: Matteo Bunino (CERN), Jarl Sondre Sæther (CERN) ## Introduction -This tutorial contains six training configurations: three baselines plus the itwinai -trainer, which allows to switch from DDP, Horovod, and DeepSpeed in a simplified way. +This tutorial will show you an example of running a scalability test using the metrics +provided by the `itwinai` library. It will also show how `itwinai`'s distributed +strategies simplify the code for distributed training, and that the computational +overhead of these strategies is negligible, or even non-existent. -The training scripts are: +The tutorial uses the following three strategies for distributed machine learning: -- `ddp_trainer.py`: baseline of distributed training with vanilla torch DDP -- `deepspeed_trainer.py`: baseline of distributed training with vanilla Microsoft DeepSpeed -- `horovod_trainer.py`: baseline of distributed training with vanilla Horovod -- `itwinai_trainer.py`: provides the same functionalities as all the above, -using the unified itwinai's distributed training interface. +- PyTorch Distributed Data Parallel (DDP) +- Horovod +- Microsoft DeepSpeed -Configuration files are stored into `config/` folder. `base.yaml` provides the -configuration common to all training experiments, whereas `ddp.yaml`, `deepspeed.yaml`, -and `horovod.yaml` provide framework-specific configuration. -Thanks to `itwinai.parser.ArgumentParser`, the CLI arguments can be parsed from a list of -configuration files, while also allowing for online override. +Each strategy is implemented both as a stand-alone implementation and as a part of the +`itwinai_trainer.py` script, the latter of which using the `itwinai` distributed +strategies. One particularly noticeable difference is how we are able to use a single +file for all the different strategies when using `itwinai`. + +### Dataset + +This tutorial uses the ImageNet dataset to test the scalability of the different +strategies. The ImageNet dataset is very large and computationally demanding, taking a +long time to complete. Therefore, if you wish to only perform a quick test, you can +set the `subset_size` parameter in the `config/base.yaml` configuration file to only +train on a subset of the data. Through trial and error, we found that setting the +subset size to around 5000 works well for quick experimentation. + +### Scalability Metrics + +The `itwinai` library offers multiple scalability metrics, but some of these require +the itwinai trainer, which is not used in this tutorial, and are therefore unavailable. +We do have functionality of logging the relative and absolute time, however, and it is +these metrics that are included. + +### Configuration and argument parsing + +Configuration files are stored in the `config/` folder: + +- `base.yaml` provides the configuration common to all training experiments. +- `ddp.yaml` provides the configuration specific to DDP. +- `horovod.yaml` provides the configuration specific to Horovod. +- `deepspeed.yaml` provides the configuration specific to DeepSpeed. + +Thanks to the `itwinai.parser.ArgumentParser`, the arguments can be parsed both from +the CLI itself as well as from an arbitrary number of configuration files. +Additionally, fields in the configuration files can be overridden in the CLI as needed. Example: ```bash # Rather than requiring a LONG list of inline configuration params... python ddp_trainer.py --data-dir some/dir --log-int 10 --verbose --nworker 4 ... -# ...itwinai's ArgumentParser allows to load them from a set of configuration files -# with inline override, if needed +# ...itwinai's ArgumentParser allows using a set of configuration files, with inline +# override if needed python ddp_trainer.py -c config/base.yaml -c config/ddp.yaml --log-int 42 ``` ## Run a single training -Training runs are meant to be submitted via SLURM, from a unified job script file: -`slurm.sh`. You can select the distributed training algorithm and provide the command -to execute setting SLURM environment variables using the `--export` option: +Training runs should be submitted using SLURM. To do this, you can use the provided +`slurm.py` file, which leverages the `itwinai.slurm.SlurmScriptBuilder` for automatic +SLURM script generation. The builder uses the `slurm_config.yaml` file for parameters, +meaning that you don't have to add all your SLURM parameters inline. If you have +specified the parameters to your liking (e.g. how many GPUs to use, how long the +training should last etc.), you can run the SLURM script with the following command: ```bash -# Launch a distributed training setup with Torch DDP -export DIST_MODE="ddp" -export RUN_NAME="ddp-bl-imagenent" -export TRAINING_CMD="ddp_trainer.py -c config/base.yaml -c config/ddp.yaml" -export PYTHON_VENV="../../../envAI_hdfml" -export N=2 # Number of nodes -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - --nodes=$N slurm.sh +python slurm.py -c slurm_config.yaml ``` -## Run all training configurations - -To run all training configurations you can use the `runall.sh` script, which provides -further insight how different training configurations can be launched using the same -SLURM job script. +Running this command will submit the job and store the script to file. If you don't +want the job to be submitted immediately, you could add `--no-submit-job`, allowing you +to inspect the saved file before running it. If you don't want to store the script for +later use, then you can add `--no-retain-file`. If you add both of these, the builder +will simply print the resulting script without running or saving it, allowing you to +quickly tinker with it before running it. An example of the full command with both +of these options looks like this: ```bash -bash runall.sh +python slurm.py -c slurm_config.yaml --no-retain-file --no-submit-job ``` -And check the newly created jobs in the SLURM queue: +If you want to override any of the fields from the configuration file, you can add the +argument inline after, like this: ```bash -squeue -u YOUR_USERNAME +python slurm.py -c slurm_config.yaml --no-retain-file --no-submit-job --job-name my_job ``` -Each execution will generate a `.csv` file recording the time that each training epoch -took to complete. Below you can learn more on how to analyze these files to produce report. +Here, we overrode the `job-name` field with the value `my_job`. + +## Run all the distributed strategies -## Launch scaling test +To run all the distributed strategies, e.g. `DDP`, `Horovod` and `DeepSpeed`, you can +use the `mode` argument with the `runall` option like so: -Similarly to `runall.sh`, there is another script which is meant to launch a scalability -analysis experiment. This will launch all the training configuration for different number -of node allocations. By default it will run the same distributed trainings on 1, 2, 4, and -8 nodes. Each independent execution will generate a separate `.csv` file which can be -analyzed later to produce a scalability report. +```bash +python slurm.py --mode runall +``` -Launch the scaling test: +It is also possible to add a configuration file, but keep in mind that the `runall` +mode will override certain fields like the distributed strategy etc. Similar to before, +you can also print the scripts before choosing to run them. An example of running all +the distributed strategies with a configuration file where you print the scripts first +can be seen here: ```bash -bash scaling-test.sh +python slurm.py -c slurm_config.yaml --no-retain-file --no-submit-job --mode runall ``` -And check the newly created jobs in the SLURM queue: +## Run scaling test + +If you wish to run a scaling test, you can set the `mode` to `scaling-test`. This will +launch all the distributed strategies with different number of nodes. An example of +this can be seen here: ```bash -squeue -u YOUR_USERNAME +python slurm.py -c slurm_config.yaml --no-retain-file --no-submit-job --mode scaling-test ``` ## Analyze results -Once all jobs have completed, you can automatically generate scalability report -using itwinai's CLI: +Once all jobs have completed, you can generate a scalability report using the following +command: ```bash -# First, activate you Python virtual environment +itwinai generate-scalability-plot + +``` -# For more info run -itwinai scalability-report --help +To see the full list of possible arguments, type: -# Generate a scalability report -itwinai scalability-report --pattern="^epoch.+\.csv$" \ - --plot-title "ResNet152 on Imagenet" --archive imagenet_results +```bash +itwinai generate-scalability-plot --help ``` -The last command prints to terminal the average epoch time per training -configuration and per number of nodes, and it generated scaling test -analysis plot, which is saved as `.png` file. This command will also -create a `.tar.gz` archive of all the analyzed `.csv` files and -the generated plots, allowing you to easily organize different experiments -and reducing the risk of overwriting the logs generated during the scaling -test. - -Example of scalability plot generated by `itwinai scalability-report`: +Below follows an example of scalability plot generated by `itwinai scalability-report`: ![report](img/report.png) diff --git a/tutorials/distributed-ml/torch-scaling-test/config/base.yaml b/tutorials/distributed-ml/torch-scaling-test/config/base.yaml index 4ffac045..0f128bde 100644 --- a/tutorials/distributed-ml/torch-scaling-test/config/base.yaml +++ b/tutorials/distributed-ml/torch-scaling-test/config/base.yaml @@ -9,14 +9,20 @@ # Data and logging data_dir: /p/scratch/intertwin/datasets/imagenet/ILSVRC2012/train/ # tmp_data/ +epoch_time_directory: scalability-metrics/epoch-time + +# Subset size can be an int or None. Cannot be larger than the length of the dataset. +# If you wish to set it to "None", you must use "null" as that is what yaml expects +subset_size: 5000 log_int: 10 -verbose: True + +# verbose: True nworker: 4 # num workers dataloader prefetch: 2 # Model batch_size: 64 # micro batch size -epochs: 3 +epochs: 10 lr: 0.001 momentum: 0.5 shuff: False diff --git a/tutorials/distributed-ml/torch-scaling-test/ddp_trainer.py b/tutorials/distributed-ml/torch-scaling-test/ddp_trainer.py index 8e52475b..2f1fc364 100755 --- a/tutorials/distributed-ml/torch-scaling-test/ddp_trainer.py +++ b/tutorials/distributed-ml/torch-scaling-test/ddp_trainer.py @@ -5,297 +5,112 @@ # # Credit: # - Matteo Bunino - CERN +# - Jarl Sondre Sæther - CERN # -------------------------------------------------------------------------------------- + """Scaling test of torch Distributed Data Parallel on Imagenet using Resnet.""" -import argparse import os -import sys -import time +from pathlib import Path from timeit import default_timer as timer -from typing import Optional import torch import torch.distributed as dist import torch.nn as nn -import torch.nn.functional as F import torchvision from torch.utils.data import DataLoader from torch.utils.data.distributed import DistributedSampler -from utils import imagenet_dataset +from utils import get_parser, imagenet_dataset, train_epoch from itwinai.loggers import EpochTimeTracker -from itwinai.parser import ArgumentParser as ItAIArgumentParser from itwinai.torch.reproducibility import seed_worker, set_seed -def parse_params(): - parser = ItAIArgumentParser(description="PyTorch Imagenet scaling test") - - # Data and logging - parser.add_argument( - "--data-dir", - default="./", - help=("location of the training dataset in the " "local filesystem"), - ) - parser.add_argument( - "--log-int", type=int, default=10, help="log interval per training. Disabled if < 0." - ) - parser.add_argument( - "--verbose", action=argparse.BooleanOptionalAction, help="Print parsed arguments" - ) - parser.add_argument( - "--nworker", - type=int, - default=0, - help=("number of workers in DataLoader " "(default: 0 - only main)"), - ) - parser.add_argument( - "--prefetch", type=int, default=2, help="prefetch data in DataLoader (default: 2)" - ) - - # Model - parser.add_argument( - "--batch-size", - type=int, - default=64, - help="input batch size for training (default: 64)", - ) - parser.add_argument( - "--epochs", type=int, default=10, help="number of epochs to train (default: 10)" - ) - parser.add_argument("--lr", type=float, default=0.01, help="learning rate (default: 0.01)") - parser.add_argument( - "--momentum", type=float, default=0.5, help="momentum in SGD optimizer (default: 0.5)" - ) - parser.add_argument( - "--shuff", action="store_true", default=False, help="shuffle dataset (default: False)" - ) - - # Reproducibility - parser.add_argument( - "--rnd-seed", - type=Optional[int], - default=None, - help="seed integer for reproducibility (default: 0)", - ) - - # Distributed ML - parser.add_argument( - "--backend", - type=str, - default="nccl", - help="backend for parrallelisation (default: nccl)", - ) - parser.add_argument( - "--no-cuda", action="store_true", default=False, help="disables GPGPUs" - ) - - args = parser.parse_args() - - if args.verbose: - args_list = [f"{key}: {val}" for key, val in args.items()] - print("PARSED ARGS:\n", "\n".join(args_list)) - return args - - -def train(model, device, train_loader, optimizer, epoch, grank, gwsize, args): - model.train() - t_list = [] - loss_acc = 0 - if grank == 0: - print("\n") - for batch_idx, (data, target) in enumerate(train_loader): - # if grank == 0: - # print(f"BS == DATA: {data.shape}, TARGET: {target.shape}") - t = timer() - data, target = data.to(device), target.to(device) - optimizer.zero_grad() - output = model(data) - loss = F.nll_loss(output, target) - loss.backward() - optimizer.step() - if grank == 0 and args.log_int > 0 and batch_idx % args.log_int == 0: - print( - f"Train epoch: {epoch} [{batch_idx * len(data)}/" - f"{len(train_loader.dataset) / gwsize} " - f"({100.0 * batch_idx / len(train_loader):.0f}%)]\t\tLoss: " - f"{loss.item():.6f}" - ) - t_list.append(timer() - t) - loss_acc += loss.item() - if grank == 0: - print("TIMER: train time", sum(t_list) / len(t_list), "s") - return loss_acc - - def main(): - # Parse CLI args - args = parse_params() + parser = get_parser() + args = parser.parse_args() - # Check resources availability use_cuda = not args.no_cuda and torch.cuda.is_available() - is_distributed = False - if use_cuda and torch.cuda.device_count() > 0: - is_distributed = True - - # Limit # of CPU threads to be used per worker - # torch.set_num_threads(1) + is_distributed = use_cuda and torch.cuda.device_count() > 0 + torch_seed = set_seed(args.rnd_seed, deterministic_cudnn=False) + shuffle: bool = args.shuff and args.rnd_seed is None + persistent_workers = args.nworker > 1 + epoch_time_save_dir = Path(args.epoch_time_directory) - # Start the timer for profiling - st = timer() + train_dataset = imagenet_dataset(args.data_dir, subset_size=args.subset_size) + train_sampler = None if is_distributed: - # Initializes the distributed backend which will - # take care of synchronizing the workers (nodes/GPUs) + # Initializing the distribution backend dist.init_process_group(backend=args.backend) - # Set random seed for reproducibility - torch_prng = set_seed(args.rnd_seed, deterministic_cudnn=False) - - if is_distributed: - # get job rank info - rank==0 master gpu - lwsize = torch.cuda.device_count() # local world size - per run - gwsize = dist.get_world_size() # global world size - per run - grank = dist.get_rank() # global rank - assign per run - lrank = dist.get_rank() % lwsize # local rank - assign per node - else: - # Use a single worker (either on GPU or CPU) - lwsize = 1 - gwsize = 1 - grank = 0 - lrank = 0 - - if grank == 0: - print("TIMER: initialise:", timer() - st, "s") - print("DEBUG: local ranks:", lwsize, "/ global ranks:", gwsize) - print("DEBUG: sys.version:", sys.version) - print("DEBUG: args.data_dir:", args.data_dir) - print("DEBUG: args.log_int:", args.log_int) - print("DEBUG: args.nworker:", args.nworker) - print("DEBUG: args.prefetch:", args.prefetch) - print("DEBUG: args.batch_size:", args.batch_size) - print("DEBUG: args.epochs:", args.epochs) - print("DEBUG: args.lr:", args.lr) - print("DEBUG: args.momentum:", args.momentum) - print("DEBUG: args.shuff:", args.shuff) - print("DEBUG: args.rnd_seed:", args.rnd_seed) - print("DEBUG: args.backend:", args.backend) - print("DEBUG: args.no_cuda:", args.no_cuda, "\n") - - # Encapsulate the model on the GPU assigned to the current process - device = torch.device("cuda" if use_cuda else "cpu", lrank) - if use_cuda: - torch.cuda.set_device(lrank) - - # Dataset - train_dataset = imagenet_dataset(args.data_dir) - - if is_distributed: - # Distributed sampler restricts data loading to a subset of the dataset - # exclusive to the current process. - # `mun_replicas` and `rank` are automatically retrieved from - # the current distributed group. - train_sampler = DistributedSampler( - train_dataset, # num_replicas=gwsize, rank=grank, - shuffle=(args.shuff and args.rnd_seed is None), - ) + local_world_size = torch.cuda.device_count() + global_rank = dist.get_rank() + local_rank = dist.get_rank() % local_world_size - train_loader = DataLoader( - train_dataset, - batch_size=args.batch_size, - sampler=train_sampler, - num_workers=args.nworker, - pin_memory=True, - persistent_workers=(args.nworker > 1), - prefetch_factor=args.prefetch, - generator=torch_prng, - worker_init_fn=seed_worker, - ) + # Creating dataset and dataloader + pin_memory = True + train_sampler = DistributedSampler(train_dataset, shuffle=shuffle) else: - train_loader = DataLoader( - train_dataset, - batch_size=args.batch_size, - generator=torch_prng, - worker_init_fn=seed_worker, - ) + local_world_size = 1 + global_rank = 0 + local_rank = 0 + pin_memory = False + + train_loader = DataLoader( + train_dataset, + batch_size=args.batch_size, + sampler=train_sampler, + num_workers=args.nworker, + pin_memory=pin_memory, + persistent_workers=persistent_workers, + prefetch_factor=args.prefetch, + generator=torch_seed, + worker_init_fn=seed_worker, + ) + device = torch.device(f"cuda:{local_rank}" if use_cuda else "cpu") - # Create CNN model - model = torchvision.models.resnet152().to(device) + model = torchvision.models.resnet152() + model.to(device) - # Distribute model to workers + # Distributing the model to the workers if is_distributed: model = nn.parallel.DistributedDataParallel( model, device_ids=[device], output_device=device ) - # Optimizer optimizer = torch.optim.SGD(model.parameters(), lr=args.lr, momentum=args.momentum) - # Start training loop - if grank == 0: - print("TIMER: broadcast:", timer() - st, "s") - print("\nDEBUG: start training") - print("--------------------------------------------------------") - nnod = os.environ.get("SLURM_NNODES", "unk") + if global_rank == 0: + num_nodes = os.environ.get("SLURM_NNODES", 1) + save_path = epoch_time_save_dir / f"epochtime_ddp-bl_{num_nodes}.csv" epoch_time_tracker = EpochTimeTracker( strategy_name="ddp-bl", - save_path=f"epochtime_ddp-bl_{nnod}N.csv", - num_nodes=int(nnod), + save_path=save_path, + num_nodes=int(num_nodes), ) - et = timer() - start_epoch = 1 - for epoch in range(start_epoch, args.epochs + 1): - lt = timer() - if is_distributed: - # Inform the sampler that a new epoch started: shuffle - # may be needed - train_sampler.set_epoch(epoch) - - # Training - train(model, device, train_loader, optimizer, epoch, grank, gwsize, args) - # Save first epoch timer - if epoch == start_epoch: - first_ep_t = timer() - lt + start_time = timer() + for epoch_idx in range(1, args.epochs + 1): + epoch_start_time = timer() - # Final epoch - if epoch + 1 == args.epochs: - train_loader.last_epoch = True - - if grank == 0: - print("TIMER: epoch time:", timer() - lt, "s") - epoch_time_tracker.add_epoch_time(epoch - 1, timer() - lt) + if is_distributed: + train_sampler.set_epoch(epoch_idx) - if is_distributed: - dist.barrier() + train_epoch( + model=model, device=device, train_loader=train_loader, optimizer=optimizer + ) - if grank == 0: - print("\n--------------------------------------------------------") - print("DEBUG: training results:\n") - print("TIMER: first epoch time:", first_ep_t, " s") - print("TIMER: last epoch time:", timer() - lt, " s") - print("TIMER: average epoch time:", (timer() - et) / args.epochs, " s") - print("TIMER: total epoch time:", timer() - et, " s") - if epoch > 1: - print("TIMER: total epoch-1 time:", timer() - et - first_ep_t, " s") - print( - "TIMER: average epoch-1 time:", - (timer() - et - first_ep_t) / (args.epochs - 1), - " s", - ) - if use_cuda: - print( - "DEBUG: memory req:", - int(torch.cuda.memory_reserved(lrank) / 1024 / 1024), - "MB", - ) - print("DEBUG: memory summary:\n\n", torch.cuda.memory_summary(0)) - print(f"TIMER: final time: {timer() - st} s\n") + if global_rank == 0: + epoch_elapsed_time = timer() - epoch_start_time + epoch_time_tracker.add_epoch_time(epoch_idx, epoch_elapsed_time) + print(f"[{epoch_idx}/{args.epochs}] - time: {epoch_elapsed_time:.2f}s") - time.sleep(1) - print(f" - TRAINING FINISHED") + if global_rank == 0: + total_time = timer() - start_time + print(f"Training finished - took {total_time:.2f}s") + epoch_time_tracker.save() # Clean-up if is_distributed: @@ -305,4 +120,3 @@ def main(): if __name__ == "__main__": main() - sys.exit() diff --git a/tutorials/distributed-ml/torch-scaling-test/deepspeed_trainer.py b/tutorials/distributed-ml/torch-scaling-test/deepspeed_trainer.py index a38c8852..cf7909f2 100644 --- a/tutorials/distributed-ml/torch-scaling-test/deepspeed_trainer.py +++ b/tutorials/distributed-ml/torch-scaling-test/deepspeed_trainer.py @@ -5,328 +5,137 @@ # # Credit: # - Matteo Bunino - CERN +# - Jarl Sondre Sæther - CERN # -------------------------------------------------------------------------------------- """Scaling test of Microsoft Deepspeed on Imagenet using Resnet.""" -import argparse import os -import sys -import time +from pathlib import Path from timeit import default_timer as timer -from typing import Optional import deepspeed import torch import torch.distributed as dist -import torch.nn.functional as F import torchvision from torch.utils.data import DataLoader from torch.utils.data.distributed import DistributedSampler -from utils import imagenet_dataset +from utils import get_parser, imagenet_dataset, train_epoch from itwinai.loggers import EpochTimeTracker -from itwinai.parser import ArgumentParser as ItAIArgumentParser from itwinai.torch.reproducibility import seed_worker, set_seed -def parse_params(): - parser = ItAIArgumentParser(description="PyTorch Imagenet scaling test") - - # Data and logging - parser.add_argument( - "--data-dir", - default="./", - help=("location of the training dataset in the " "local filesystem"), - ) - parser.add_argument( - "--log-int", type=int, default=10, help="log interval per training. Disabled if < 0." - ) - parser.add_argument( - "--verbose", action=argparse.BooleanOptionalAction, help="Print parsed arguments" - ) - parser.add_argument( - "--nworker", - type=int, - default=0, - help=("number of workers in DataLoader " "(default: 0 - only main)"), - ) - parser.add_argument( - "--prefetch", type=int, default=2, help="prefetch data in DataLoader (default: 2)" - ) - - # Model - parser.add_argument( - "--batch-size", - type=int, - default=64, - metavar="N", - help="input batch size for training (default: 64)", - ) - parser.add_argument( - "--epochs", - type=int, - default=10, - metavar="N", - help="number of epochs to train (default: 10)", - ) - parser.add_argument( - "--lr", type=float, default=0.01, metavar="LR", help="learning rate (default: 0.01)" - ) - parser.add_argument( - "--momentum", type=float, default=0.5, help="momentum in SGD optimizer (default: 0.5)" - ) - parser.add_argument( - "--shuff", action="store_true", default=False, help="shuffle dataset (default: False)" - ) - - # Reproducibility - parser.add_argument( - "--rnd-seed", - type=Optional[int], - default=None, - help="seed integer for reproducibility (default: 0)", - ) - - # Distributed ML - parser.add_argument( - "--backend", - type=str, - default="nccl", - metavar="N", - help="backend for parallelization (default: nccl)", - ) - parser.add_argument( - "--no-cuda", action="store_true", default=False, help="disables GPGPUs" - ) - parser.add_argument( - "--local_rank", - type=int, - default=-1, - help="local rank passed from distributed launcher", - ) - - # parse to deepspeed - parser = deepspeed.add_config_arguments(parser) - args = parser.parse_args() - if args.verbose: - args_list = [f"{key}: {val}" for key, val in args.items()] - print("PARSED ARGS:\n", "\n".join(args_list)) - - return args - - -def train(args, model, train_loader, optimizer, epoch, grank, gwsize): - device = model.local_rank - t_list = [] - loss_acc = 0 - if grank == 0: - print("\n") - for batch_idx, (data, target) in enumerate(train_loader): - # if grank == 0: - # print(f"BS == DATA: {data.shape}, TARGET: {target.shape}") - t = timer() - data, target = data.to(device), target.to(device) - optimizer.zero_grad() - output = model(data) - loss = F.nll_loss(output, target) - loss.backward() - optimizer.step() - if args.log_int > 0 and batch_idx % args.log_int == 0 and grank == 0: - print( - f"Train epoch: {epoch} [{batch_idx * len(data)}/" - f"{len(train_loader.dataset) / gwsize} " - f"({100.0 * batch_idx * len(data) / len(train_loader):.0f}%)]" - f"\t\tLoss: {loss.item():.6f}" - ) - t_list.append(timer() - t) - loss_acc += loss.item() - if grank == 0: - print("TIMER: train time", sum(t_list) / len(t_list), "s") - return loss_acc - - def main(): # Parse CLI args - args = parse_params() + parser = get_parser() + parser = deepspeed.add_config_arguments(parser) + args = parser.parse_args() # Check resources availability use_cuda = not args.no_cuda and torch.cuda.is_available() - is_distributed = False - if use_cuda and torch.cuda.device_count() > 0: - is_distributed = True + is_distributed = use_cuda and torch.cuda.device_count() > 0 + torch_prng = set_seed(args.rnd_seed, deterministic_cudnn=False) - # Limit # of CPU threads to be used per worker - # torch.set_num_threads(1) + shuffle = args.shuff and args.rnd_seed is None + persistent_workers = args.nworker > 1 + epoch_time_save_dir = Path(args.epoch_time_directory) - # Start the timer for profiling - st = timer() + train_dataset = imagenet_dataset(args.data_dir, subset_size=args.subset_size) + train_sampler = None - # Initializes the distributed backend if is_distributed: deepspeed.init_distributed(dist_backend=args.backend) - # Set random seed for reproducibility - torch_prng = set_seed(args.rnd_seed, deterministic_cudnn=False) + local_world_size = torch.cuda.device_count() + global_rank = dist.get_rank() + local_rank = dist.get_rank() % local_world_size + pin_memory = True + train_sampler = DistributedSampler(train_dataset, shuffle=shuffle) - if is_distributed: - # Get job rank info - rank==0 master gpu - gwsize = dist.get_world_size() # global world size - per run - lwsize = torch.cuda.device_count() # local world size - per node - grank = dist.get_rank() # global rank - assign per run - lrank = dist.get_rank() % lwsize # local rank - assign per node + # To fix problems with deepspeed OpenMPI rank conflicting with local rank + os.environ["OMPI_COMM_WORLD_LOCAL_RANK"] = os.environ.get("LOCAL_RANK", "") else: # Use a single worker (either on GPU or CPU) - lwsize = 1 - gwsize = 1 - grank = 0 - lrank = 0 - - if grank == 0: - print("TIMER: initialise:", timer() - st, "s") - print("DEBUG: local ranks:", lwsize, "/ global ranks:", gwsize) - print("DEBUG: sys.version:", sys.version) - print("DEBUG: args.data_dir:", args.data_dir) - print("DEBUG: args.log_int:", args.log_int) - print("DEBUG: args.nworker:", args.nworker) - print("DEBUG: args.prefetch:", args.prefetch) - print("DEBUG: args.batch_size:", args.batch_size) - print("DEBUG: args.epochs:", args.epochs) - print("DEBUG: args.lr:", args.lr) - print("DEBUG: args.momentum:", args.momentum) - print("DEBUG: args.shuff:", args.shuff) - print("DEBUG: args.rnd_seed:", args.rnd_seed) - print("DEBUG: args.backend:", args.backend) - print("DEBUG: args.local_rank:", args.local_rank) - print("DEBUG: args.no_cuda:", args.no_cuda, "\n") - - # Encapsulate the model on the GPU assigned to the current process - if use_cuda: - torch.cuda.set_device(lrank) - - # Read training dataset - train_dataset = imagenet_dataset(args.data_dir) - - if is_distributed: - # Distributed sampler restricts data loading to a subset of the dataset - # exclusive to the current process. - # `mun_replicas` and `rank` are automatically retrieved from - # the current distributed group. - train_sampler = DistributedSampler( - train_dataset, # num_replicas=gwsize, rank=grank, - shuffle=(args.shuff and args.rnd_seed is None), - ) - - train_loader = DataLoader( - train_dataset, - batch_size=args.batch_size, - sampler=train_sampler, - num_workers=args.nworker, - pin_memory=True, - persistent_workers=(args.nworker > 1), - prefetch_factor=args.prefetch, - generator=torch_prng, - worker_init_fn=seed_worker, - ) - else: - train_loader = DataLoader( - train_dataset, - batch_size=args.batch_size, - generator=torch_prng, - worker_init_fn=seed_worker, - ) + local_world_size = 1 + global_rank = 0 + local_rank = 0 + pin_memory = False + + train_loader = DataLoader( + train_dataset, + batch_size=args.batch_size, + sampler=train_sampler, + num_workers=args.nworker, + pin_memory=pin_memory, + persistent_workers=persistent_workers, + prefetch_factor=args.prefetch, + generator=torch_prng, + worker_init_fn=seed_worker, + ) + device = torch.device(f"cuda:{local_rank}" if use_cuda else "cpu") # Create CNN model model = torchvision.models.resnet152() + model = model.to(device) - # Initialize DeepSpeed and get: - # 1) Distributed model - # 2) DeepSpeed optimizer - # 3) Distributed data loader + # Initializing deepspeed distributed strategy deepspeed_config = { "train_micro_batch_size_per_gpu": args.batch_size, # redundant - "optimizer": {"type": "SGD", "params": {"lr": args.lr, "momentum": args.momentum}}, + "optimizer": { + "type": "SGD", + "params": {"lr": args.lr, "momentum": args.momentum}, + }, "fp16": {"enabled": False}, "zero_optimization": False, } - distrib_model, optimizer, deepspeed_train_loader, _ = deepspeed.initialize( + distrib_model, optimizer, _, _ = deepspeed.initialize( args=args, model=model, model_parameters=model.parameters(), - training_data=train_dataset, config_params=deepspeed_config, ) # Start training loop - if grank == 0: - print("TIMER: broadcast:", timer() - st, "s") - print("\nDEBUG: start training") - print("--------------------------------------------------------") - nnod = os.environ.get("SLURM_NNODES", "unk") + if global_rank == 0: + num_nodes = os.environ.get("SLURM_NNODES", "1") + save_path = epoch_time_save_dir / f"epochtime_deepspeed-bl_{num_nodes}.csv" epoch_time_tracker = EpochTimeTracker( strategy_name="deepspeed-bl", - save_path=f"epochtime_deepspeed-bl_{nnod}N.csv", - num_nodes=int(nnod), + save_path=save_path, + num_nodes=int(num_nodes), ) - et = timer() + start_time = timer() start_epoch = 1 - for epoch in range(start_epoch, args.epochs + 1): - lt = timer() + for epoch_idx in range(start_epoch, args.epochs + 1): + epoch_start_time = timer() if is_distributed: - # Inform the sampler that a new epoch started: shuffle - # may be needed - train_sampler.set_epoch(epoch) + train_sampler.set_epoch(epoch_idx) # Training - train(args, distrib_model, train_loader, optimizer, epoch, grank, gwsize) - - # Save first epoch timer - if epoch == start_epoch: - first_ep_t = timer() - lt - - # Final epoch - if epoch + 1 == args.epochs: - train_loader.last_epoch = True - - if grank == 0: - print("TIMER: epoch time:", timer() - lt, "s") - epoch_time_tracker.add_epoch_time(epoch - 1, timer() - lt) - - if is_distributed: - dist.barrier() + train_epoch( + model=distrib_model, + device=device, + train_loader=train_loader, + optimizer=optimizer, + ) - if grank == 0: - print("\n--------------------------------------------------------") - print("DEBUG: results:\n") - print("TIMER: first epoch time:", first_ep_t, " s") - print("TIMER: last epoch time:", timer() - lt, " s") - print("TIMER: average epoch time:", (timer() - et) / args.epochs, " s") - print("TIMER: total epoch time:", timer() - et, " s") - if epoch > 1: - print("TIMER: total epoch-1 time:", timer() - et - first_ep_t, " s") - print( - "TIMER: average epoch-1 time:", - (timer() - et - first_ep_t) / (args.epochs - 1), - " s", - ) - if use_cuda: - print( - "DEBUG: memory req:", - int(torch.cuda.memory_reserved(lrank) / 1024 / 1024), - "MB", - ) - print("DEBUG: memory summary:\n\n", torch.cuda.memory_summary(0)) - print(f"TIMER: final time: {timer()-st} s\n") + if global_rank == 0: + epoch_elapsed_time = timer() - epoch_start_time + epoch_time_tracker.add_epoch_time(epoch_idx, epoch_elapsed_time) + print(f"[{epoch_idx}/{args.epochs}] - time: {epoch_elapsed_time:.2f}s") - time.sleep(1) - print(f" - TRAINING FINISHED") + if global_rank == 0: + total_time = timer() - start_time + print(f"Training finished - took {total_time:.2f}s") + epoch_time_tracker.save() # Clean-up if is_distributed: + dist.barrier() deepspeed.sys.exit() if __name__ == "__main__": main() - sys.exit() diff --git a/tutorials/distributed-ml/torch-scaling-test/horovod_trainer.py b/tutorials/distributed-ml/torch-scaling-test/horovod_trainer.py index 17eba75b..13d98f66 100755 --- a/tutorials/distributed-ml/torch-scaling-test/horovod_trainer.py +++ b/tutorials/distributed-ml/torch-scaling-test/horovod_trainer.py @@ -5,282 +5,93 @@ # # Credit: # - Matteo Bunino - CERN +# - Jarl Sondre Sæther - CERN # -------------------------------------------------------------------------------------- """Scaling test of Horovod on Imagenet using Resnet.""" -import argparse import os -import sys -import time +from pathlib import Path from timeit import default_timer as timer -from typing import Optional import horovod.torch as hvd import torch - -# import torch.multiprocessing as mp -import torch.nn.functional as F import torch.optim as optim import torchvision from torch.utils.data import DataLoader from torch.utils.data.distributed import DistributedSampler -from utils import imagenet_dataset +from utils import get_parser, imagenet_dataset, train_epoch from itwinai.loggers import EpochTimeTracker -from itwinai.parser import ArgumentParser as ItAIArgumentParser from itwinai.torch.reproducibility import seed_worker, set_seed -def parse_params(): - parser = ItAIArgumentParser(description="PyTorch Imagenet Example") - - # Data and logging - parser.add_argument( - "--data-dir", - default="./", - help=("location of the training dataset in the " "local filesystem"), - ) - parser.add_argument( - "--log-int", - type=int, - default=100, - help=("#batches to wait before logging training " "status. Disabled if < 0."), - ) - parser.add_argument( - "--verbose", action=argparse.BooleanOptionalAction, help="Print parsed arguments" - ) - parser.add_argument( - "--nworker", - type=int, - default=0, - help=("number of workers in DataLoader " "(default: 0 - only main)"), - ) - parser.add_argument( - "--prefetch", type=int, default=2, help="prefetch data in DataLoader (default: 2)" - ) - - # Model - parser.add_argument( - "--batch-size", - type=int, - default=64, - help="input batch size for training (default: 64)", - ) - parser.add_argument( - "--epochs", type=int, default=10, help="number of epochs to train (default: 10)" - ) - parser.add_argument("--lr", type=float, default=0.01, help="learning rate (default: 0.01)") - parser.add_argument( - "--momentum", type=float, default=0.5, help="SGD momentum (default: 0.5)" - ) - parser.add_argument( - "--shuff", action="store_true", default=False, help="shuffle dataset (default: False)" - ) - - # Reproducibility - parser.add_argument( - "--rnd-seed", - type=Optional[int], - default=None, - help="seed integer for reproducibility (default: 0)", - ) - - # Distributed ML - parser.add_argument( - "--no-cuda", action="store_true", default=False, help="disables CUDA training" - ) - parser.add_argument( - "--fp16-allreduce", - action="store_true", - default=False, - help="use fp16 compression during allreduce", - ) - parser.add_argument( - "--use-adasum", - action="store_true", - default=False, - help="use adasum algorithm to do reduction", - ) - parser.add_argument( - "--gradient-predivide-factor", - type=float, - default=1.0, - help=("apply gradient pre-divide factor in optimizer " "(default: 1.0)"), - ) - - args = parser.parse_args() - if args.verbose: - args_list = [f"{key}: {val}" for key, val in args.items()] - print("PARSED ARGS:\n", "\n".join(args_list)) - - return args - - -def train(model, optimizer, train_sampler, train_loader, args, use_cuda, epoch, grank): - model.train() - t_list = [] - loss_acc = 0 - if grank == 0: - print("\n") - for batch_idx, (data, target) in enumerate(train_loader): - # if hvd.local_rank() == 0 and hvd.rank() == 0: - # print(f"BS == DATA: {data.shape}, TARGET: {target.shape}") - t = timer() - if use_cuda: - data, target = data.cuda(), target.cuda() - optimizer.zero_grad() - output = model(data) - loss = F.nll_loss(output, target) - loss.backward() - optimizer.step() - if grank == 0 and args.log_int > 0 and batch_idx % args.log_int == 0: - # Use train_sampler to determine the number of examples in - # this worker's partition - print( - "Train Epoch: {} [{}/{} ({:.0f}%)]\tLoss: {:.6f}".format( - epoch, - batch_idx * len(data), - len(train_sampler), - 100.0 * batch_idx / len(train_loader), - loss.item(), - ) - ) - t_list.append(timer() - t) - loss_acc += loss.item() - if grank == 0: - print("TIMER: train time", sum(t_list) / len(t_list), "s") - return loss_acc - - def main(): # Parse CLI args - args = parse_params() + parser = get_parser() + args = parser.parse_args() # Check resources availability use_cuda = not args.no_cuda and torch.cuda.is_available() - is_distributed = False - if use_cuda and torch.cuda.device_count() > 0: - is_distributed = True - - # Start the time.time for profiling - st = timer() + is_distributed = use_cuda and torch.cuda.device_count() > 0 + torch_seed = set_seed(args.rnd_seed, deterministic_cudnn=False) - if is_distributed: - # Initializes the distributed backend which will - # take care of synchronizing the workers (nodes/GPUs) - hvd.init() + shuffle = args.shuff and args.rnd_seed is None + persistent_workers = args.nworker > 1 + epoch_time_save_dir = Path(args.epoch_time_directory) - # Set random seed for reproducibility - torch_prng = set_seed(args.rnd_seed, deterministic_cudnn=False) + train_dataset = imagenet_dataset(args.data_dir, subset_size=args.subset_size) + train_sampler = None - # is_main_worker = True - # if is_distributed and (hvd.rank() != 0 or hvd.local_rank() != 0): - # is_main_worker = False - - # Get local rank + # Setting variables if is_distributed: - lrank = hvd.local_rank() - grank = hvd.rank() - gwsize = hvd.size() - lwsize = torch.cuda.device_count() - else: - # Use a single worker (either on GPU or CPU) - lrank = 0 - grank = 0 - gwsize = 1 - lwsize = 1 - - if grank == 0: - print("TIMER: initialise:", timer() - st, "s") - print("DEBUG: local ranks:", lwsize, "/ global ranks:", gwsize) - print("DEBUG: sys.version:", sys.version) - print("DEBUG: args.data_dir:", args.data_dir) - print("DEBUG: args.log_int:", args.log_int) - print("DEBUG: args.nworker:", args.nworker) - print("DEBUG: args.prefetch:", args.prefetch) - print("DEBUG: args.batch_size:", args.batch_size) - print("DEBUG: args.epochs:", args.epochs) - print("DEBUG: args.lr:", args.lr) - print("DEBUG: args.momentum:", args.momentum) - print("DEBUG: args.shuff:", args.shuff) - print("DEBUG: args.rnd_seed:", args.rnd_seed) - print("DEBUG: args.no_cuda:", args.no_cuda) - print("DEBUG: args.fp16_allreduce:", args.fp16_allreduce) - print("DEBUG: args.use_adasum:", args.use_adasum) - print("DEBUG: args.gradient_predivide_factor:", args.gradient_predivide_factor) - if use_cuda: - print("DEBUG: torch.cuda.is_available():", torch.cuda.is_available()) - print("DEBUG: torch.cuda.current_device():", torch.cuda.current_device()) - print("DEBUG: torch.cuda.device_count():", torch.cuda.device_count()) - print( - "DEBUG: torch.cuda.get_device_properties(hvd.local_rank()):", - torch.cuda.get_device_properties(hvd.local_rank()), - ) + hvd.init() - if use_cuda: - # Pin GPU to local rank - torch.cuda.set_device(lrank) + local_rank = hvd.local_rank() + global_rank = hvd.rank() + global_world_size = hvd.size() - # Limit # of CPU threads to be used per worker - # torch.set_num_threads(1) + # By default, Adasum doesn't need scaling up learning rate + lr_scaler = hvd.size() if not args.use_adasum else 1 - # Dataset - train_dataset = imagenet_dataset(args.data_dir) + # If using GPU Adasum allreduce, scale learning rate by local_size + if args.use_adasum and hvd.nccl_built(): + lr_scaler = hvd.local_size() - # kwargs = {} - # # When supported, use 'forkserver' to spawn dataloader workers instead... - # # issues with Infiniband implementations that are not fork-safe - # if (args.nworker > 0 and hasattr(mp, '_supports_context') - # and - # mp._supports_context and - # 'forkserver' in mp.get_all_start_methods()): - # kwargs['multiprocessing_context'] = 'forkserver' + # Scale learning rate by lr_scaler + args.lr *= lr_scaler + pin_memory = True - if is_distributed: - # Use DistributedSampler to partition the training data - # Since Horovod is not based on torch.distributed, - # `num_replicas` and `rank` cannot be retrieved from the - # current distributed group, thus they need to be provided explicitly. train_sampler = DistributedSampler( train_dataset, - num_replicas=gwsize, - rank=grank, - shuffle=(args.shuff and args.rnd_seed is None), + num_replicas=global_world_size, + rank=global_rank, + shuffle=shuffle, ) - train_loader = DataLoader( - train_dataset, - batch_size=args.batch_size, - sampler=train_sampler, - num_workers=args.nworker, - pin_memory=True, - persistent_workers=(args.nworker > 1), - prefetch_factor=args.prefetch, - generator=torch_prng, - worker_init_fn=seed_worker, - ) # , **kwargs) else: - train_loader = DataLoader( - train_dataset, - batch_size=args.batch_size, - generator=torch_prng, - worker_init_fn=seed_worker, - ) # , **kwargs) + # Use a single worker (either on GPU or CPU) + local_rank = 0 + global_rank = 0 + global_world_size = 1 + pin_memory = False + + train_loader = DataLoader( + train_dataset, + batch_size=args.batch_size, + sampler=train_sampler, + num_workers=args.nworker, + pin_memory=pin_memory, + persistent_workers=persistent_workers, + prefetch_factor=args.prefetch, + generator=torch_seed, + worker_init_fn=seed_worker, + ) + + device = torch.device(f"cuda:{local_rank}" if use_cuda else "cpu") # Create CNN model model = torchvision.models.resnet152() - - if use_cuda: - model.cuda() - - if is_distributed: - # By default, Adasum doesn't need scaling up learning rate - lr_scaler = hvd.size() if not args.use_adasum else 1 - # If using GPU Adasum allreduce, scale learning rate by local_size - if args.use_adasum and hvd.nccl_built(): - lr_scaler = hvd.local_size() - # Scale learning rate by lr_scaler - args.lr *= lr_scaler + model.to(device) optimizer = optim.SGD(model.parameters(), lr=args.lr, momentum=args.momentum) @@ -290,7 +101,9 @@ def main(): hvd.broadcast_optimizer_state(optimizer, root_rank=0) # Compression algorithm - compression = hvd.Compression.fp16 if args.fp16_allreduce else hvd.Compression.none + compression = ( + hvd.Compression.fp16 if args.fp16_allreduce else hvd.Compression.none + ) # Wrap optimizer with DistributedOptimizer optimizer = hvd.DistributedOptimizer( @@ -301,66 +114,40 @@ def main(): gradient_predivide_factor=args.gradient_predivide_factor, ) - if grank == 0: - print("TIMER: broadcast:", timer() - st, "s") - print("\nDEBUG: start training") - print("--------------------------------------------------------") - nnod = os.environ.get("SLURM_NNODES", "unk") + if global_rank == 0: + num_nodes = os.environ.get("SLURM_NNODES", 1) + save_path = epoch_time_save_dir / f"epochtime_horovod-bl_{num_nodes}.csv" epoch_time_tracker = EpochTimeTracker( - strategy_name="horovod-bl", save_path=f"epochtime_horovod-bl_{nnod}N.csv" + strategy_name="horovod-bl", + save_path=save_path, + num_nodes=int(num_nodes), ) - et = timer() - start_epoch = 1 - for epoch in range(start_epoch, args.epochs + 1): - lt = timer() - if is_distributed: - # Inform the sampler that a new epoch started: shuffle - # may be needed - train_sampler.set_epoch(epoch) + start_time = timer() + for epoch_idx in range(1, args.epochs + 1): + epoch_start_time = timer() - # Training - train(model, optimizer, train_sampler, train_loader, args, use_cuda, epoch, grank) + if is_distributed: + train_sampler.set_epoch(epoch_idx) - # Save first epoch timer - if epoch == start_epoch: - first_ep_t = timer() - lt + train_epoch( + model=model, device=device, train_loader=train_loader, optimizer=optimizer + ) # Final epoch - if epoch + 1 == args.epochs: + if epoch_idx + 1 == args.epochs: train_loader.last_epoch = True - if grank == 0: - print("TIMER: epoch time:", timer() - lt, "s") - epoch_time_tracker.add_epoch_time(epoch - 1, timer() - lt) - - if grank == 0: - print("\n--------------------------------------------------------") - print("DEBUG: training results:\n") - print("TIMER: first epoch time:", first_ep_t, " s") - print("TIMER: last epoch time:", timer() - lt, "s") - print("TIMER: average epoch time:", (timer() - et) / args.epochs, " s") - print("TIMER: total epoch time:", timer() - et, " s") - if epoch > 1: - print("TIMER: total epoch-1 time:", timer() - et - first_ep_t, " s") - print( - "TIMER: average epoch-1 time:", - (timer() - et - first_ep_t) / (args.epochs - 1), - " s", - ) - if use_cuda: - print( - "DEBUG: memory req:", - int(torch.cuda.memory_reserved(lrank) / 1024 / 1024), - "MB", - ) - print("DEBUG: memory summary:\n\n", torch.cuda.memory_summary(0)) - print(f"TIMER: final time: {timer()-st} s\n") + if global_rank == 0: + epoch_elapsed_time = timer() - epoch_start_time + epoch_time_tracker.add_epoch_time(epoch_idx, epoch_elapsed_time) + print(f"[{epoch_idx}/{args.epochs}] - time: {epoch_elapsed_time:.2f}s") - time.sleep(1) - print(f" - TRAINING FINISHED") + if global_rank == 0: + total_time = timer() - start_time + print(f"Training finished - took {total_time:.2f}s") + epoch_time_tracker.save() if __name__ == "__main__": main() - sys.exit() diff --git a/tutorials/distributed-ml/torch-scaling-test/itwinai_trainer.py b/tutorials/distributed-ml/torch-scaling-test/itwinai_trainer.py index 646fa6b8..b1ee4ea9 100644 --- a/tutorials/distributed-ml/torch-scaling-test/itwinai_trainer.py +++ b/tutorials/distributed-ml/torch-scaling-test/itwinai_trainer.py @@ -5,6 +5,7 @@ # # Credit: # - Matteo Bunino - CERN +# - Jarl Sondre Sæther - CERN # -------------------------------------------------------------------------------------- """Show how to use DDP, Horovod and DeepSpeed strategies interchangeably @@ -12,178 +13,31 @@ to use checkpoints. """ -import argparse import os import sys -import time +from pathlib import Path from timeit import default_timer as timer -from typing import Optional -import deepspeed import horovod.torch as hvd import torch -import torch.nn.functional as F import torchvision from torch.utils.data import DataLoader from torch.utils.data.distributed import DistributedSampler -from utils import imagenet_dataset +from utils import get_parser, imagenet_dataset, train_epoch from itwinai.loggers import EpochTimeTracker -from itwinai.parser import ArgumentParser as ItAIArgumentParser from itwinai.torch.distributed import ( DeepSpeedStrategy, HorovodStrategy, TorchDDPStrategy, - TorchDistributedStrategy, ) from itwinai.torch.reproducibility import seed_worker, set_seed -def parse_params() -> argparse.Namespace: - """ - Parse CLI args, which can also be loaded from a configuration file - using the --config flag: - - >>> train.py --strategy ddp --config base-config.yaml --config foo.yaml - """ - parser = ItAIArgumentParser(description="PyTorch Imagenet Example") - - # Distributed ML strategy - parser.add_argument( - "--strategy", "-s", type=str, choices=["ddp", "horovod", "deepspeed"], default="ddp" - ) - - # Data and logging - parser.add_argument( - "--data-dir", - default="./", - help=("location of the training dataset in the local " "filesystem"), - ) - parser.add_argument("--log-int", type=int, default=10, help="log interval per training") - parser.add_argument( - "--verbose", action=argparse.BooleanOptionalAction, help="Print parsed arguments" - ) - parser.add_argument( - "--nworker", - type=int, - default=0, - help=("number of workers in DataLoader (default: 0 -" " only main)"), - ) - parser.add_argument( - "--prefetch", type=int, default=2, help="prefetch data in DataLoader (default: 2)" - ) - - # Model - parser.add_argument( - "--batch-size", - type=int, - default=64, - help="input batch size for training (default: 64)", - ) - parser.add_argument( - "--epochs", type=int, default=10, help="number of epochs to train (default: 10)" - ) - parser.add_argument("--lr", type=float, default=0.01, help="learning rate (default: 0.01)") - parser.add_argument( - "--momentum", type=float, default=0.5, help="momentum in SGD optimizer (default: 0.5)" - ) - parser.add_argument( - "--shuff", action="store_true", default=False, help="shuffle dataset (default: False)" - ) - - # Reproducibility - parser.add_argument( - "--rnd-seed", - type=Optional[int], - default=None, - help="seed integer for reproducibility (default: 0)", - ) - - # Distributed ML - parser.add_argument( - "--backend", - type=str, - default="nccl", - help="backend for parrallelisation (default: nccl)", - ) - parser.add_argument( - "--no-cuda", action="store_true", default=False, help="disables GPGPUs" - ) - parser.add_argument( - "--local_rank", - type=int, - default=-1, - help="local rank passed from distributed launcher", - ) - - # Horovod - parser.add_argument( - "--fp16-allreduce", - action="store_true", - default=False, - help="use fp16 compression during allreduce", - ) - parser.add_argument( - "--use-adasum", - action="store_true", - default=False, - help="use adasum algorithm to do reduction", - ) - parser.add_argument( - "--gradient-predivide-factor", - type=float, - default=1.0, - help=("apply gradient pre-divide factor in optimizer " "(default: 1.0)"), - ) - - # DeepSpeed - parser = deepspeed.add_config_arguments(parser) - args = parser.parse_args() - - if args.verbose: - args_list = [f"{key}: {val}" for key, val in args.items()] - print("PARSED ARGS:\n", "\n".join(args_list)) - - return args - - -def train( - model, device, train_loader, optimizer, epoch, strategy: TorchDistributedStrategy, args -): - """ - Training function, representing an epoch. - """ - model.train() - t_list = [] - loss_acc = 0 - gwsize = strategy.global_world_size() - if strategy.is_main_worker: - print("\n") - for batch_idx, (data, target) in enumerate(train_loader): - t = timer() - data, target = data.to(device), target.to(device) - optimizer.zero_grad() - output = model(data) - loss = F.nll_loss(output, target) - loss.backward() - optimizer.step() - if strategy.is_main_worker and args.log_int > 0 and batch_idx % args.log_int == 0: - print( - f"Train epoch: {epoch} " - f"[{batch_idx * len(data)}/{len(train_loader.dataset)/gwsize} " - f"({100.0 * batch_idx / len(train_loader):.0f}%)]\t\t" - f"Loss: {loss.item():.6f}" - ) - t_list.append(timer() - t) - loss_acc += loss.item() - if strategy.is_main_worker: - print("TIMER: train time", sum(t_list) / len(t_list), "s") - return loss_acc - - def main(): # Parse CLI args - args = parse_params() + parser = get_parser() + args = parser.parse_args() # Instantiate Strategy if args.strategy == "ddp": @@ -207,20 +61,18 @@ def main(): config_params=dict(train_micro_batch_size_per_gpu=args.batch_size) ) else: - raise NotImplementedError(f"Strategy {args.strategy} is not recognized/implemented.") + raise NotImplementedError( + f"Strategy {args.strategy} is not recognized/implemented." + ) strategy.init() - # Check resources availability + # Check resource availability use_cuda = not args.no_cuda and torch.cuda.is_available() - is_distributed = False - if use_cuda and torch.cuda.device_count() > 0: - is_distributed = True - - # Limit # of CPU threads to be used per worker - # torch.set_num_threads(1) + is_distributed = use_cuda and torch.cuda.device_count() > 0 + epoch_time_save_dir = Path(args.epoch_time_directory) - # Start the timer for profiling - st = timer() + # Dataset + train_dataset = imagenet_dataset(args.data_dir, subset_size=args.subset_size) # Set random seed for reproducibility torch_prng = set_seed(args.rnd_seed, deterministic_cudnn=False) @@ -228,49 +80,23 @@ def main(): # Get job rank info - rank==0 master gpu if is_distributed: # local world size - per node - lwsize = strategy.local_world_size() # local world size - per run - gwsize = strategy.global_world_size() # global world size - per run - grank = strategy.global_rank() # global rank - assign per run - lrank = strategy.local_rank() # local rank - assign per node + global_world_size = strategy.global_world_size() + global_rank = strategy.global_rank() else: # Use a single worker (either on GPU or CPU) - lwsize = 1 - gwsize = 1 - grank = 0 - lrank = 0 - - if strategy.is_main_worker: - print("TIMER: initialise:", timer() - st, "s") - print("DEBUG: local ranks:", lwsize, "/ global ranks:", gwsize) - print("DEBUG: sys.version:", sys.version) - print("DEBUG: args.data_dir:", args.data_dir) - print("DEBUG: args.log_int:", args.log_int) - print("DEBUG: args.nworker:", args.nworker) - print("DEBUG: args.prefetch:", args.prefetch) - print("DEBUG: args.batch_size:", args.batch_size) - print("DEBUG: args.epochs:", args.epochs) - print("DEBUG: args.lr:", args.lr) - print("DEBUG: args.momentum:", args.momentum) - print("DEBUG: args.shuff:", args.shuff) - print("DEBUG: args.rnd_seed:", args.rnd_seed) - print("DEBUG: args.backend:", args.backend) - print("DEBUG: args.no_cuda:", args.no_cuda, "\n") + global_world_size = 1 + global_rank = 0 # Encapsulate the model on the GPU assigned to the current process device = torch.device(strategy.device() if use_cuda else "cpu") - if use_cuda: - torch.cuda.set_device(lrank) - - # Dataset - train_dataset = imagenet_dataset(args.data_dir) if is_distributed: # Distributed sampler restricts data loading to a subset of the dataset # exclusive to the current process. train_sampler = DistributedSampler( train_dataset, - num_replicas=gwsize, - rank=grank, + num_replicas=global_world_size, + rank=global_rank, shuffle=(args.shuff and args.rnd_seed is None), ) @@ -295,84 +121,49 @@ def main(): # Create CNN model: resnet 50, resnet101, resnet152 model = torchvision.models.resnet152() + model.to(device) # Optimizer optimizer = torch.optim.SGD(model.parameters(), lr=args.lr, momentum=args.momentum) if is_distributed: - distrib_model, optimizer, _ = strategy.distributed( + model, optimizer, _ = strategy.distributed( model, optimizer, lr_scheduler=None, **distribute_kwargs ) - # Start training loop if strategy.is_main_worker: - print("TIMER: broadcast:", timer() - st, "s") - print("\nDEBUG: start training") - print("--------------------------------------------------------") - nnod = os.environ.get("SLURM_NNODES", "unk") - s_name = f"{args.strategy}-it" + num_nodes = os.environ.get("SLURM_NNODES", 1) + strategy_name = f"{args.strategy}-it" + save_path = epoch_time_save_dir / f"epochtime_{strategy_name}_{num_nodes}.csv" epoch_time_tracker = EpochTimeTracker( - strategy_name=s_name, save_path=f"epochtime_{s_name}_{nnod}N.csv" + strategy_name=strategy_name, + save_path=save_path, + num_nodes=int(num_nodes), ) - et = timer() - start_epoch = 1 - for epoch in range(start_epoch, args.epochs + 1): - lt = timer() + start_time = timer() + for epoch_idx in range(1, args.epochs + 1): + epoch_start_time = timer() if is_distributed: - # Inform the sampler that a new epoch started: shuffle - # may be needed - train_sampler.set_epoch(epoch) + train_sampler.set_epoch(epoch_idx) # Training - train( - model=distrib_model, + train_epoch( + model=model, device=device, train_loader=train_loader, optimizer=optimizer, - epoch=epoch, - strategy=strategy, - args=args, ) - # Save first epoch timer - if epoch == start_epoch: - first_ep_t = timer() - lt - - # Final epoch - if epoch + 1 == args.epochs: - train_loader.last_epoch = True - if strategy.is_main_worker: - print("TIMER: epoch time:", timer() - lt, "s") - epoch_time_tracker.add_epoch_time(epoch - 1, timer() - lt) - - if strategy.is_main_worker: - print("\n--------------------------------------------------------") - print("DEBUG: training results:\n") - print("TIMER: first epoch time:", first_ep_t, " s") - print("TIMER: last epoch time:", timer() - lt, " s") - print("TIMER: average epoch time:", (timer() - et) / args.epochs, " s") - print("TIMER: total epoch time:", timer() - et, " s") - if epoch > 1: - print("TIMER: total epoch-1 time:", timer() - et - first_ep_t, " s") - print( - "TIMER: average epoch-1 time:", - (timer() - et - first_ep_t) / (args.epochs - 1), - " s", - ) - if use_cuda: - print( - "DEBUG: memory req:", - int(torch.cuda.memory_reserved(lrank) / 1024 / 1024), - "MB", - ) - print("DEBUG: memory summary:\n\n", torch.cuda.memory_summary(0)) - - print(f"TIMER: final time: {timer()-st} s\n") - - time.sleep(1) - print(f" - TRAINING FINISHED") + epoch_elapsed_time = timer() - epoch_start_time + epoch_time_tracker.add_epoch_time(epoch_idx, epoch_elapsed_time) + print(f"[{epoch_idx}/{args.epochs}] - time: {epoch_elapsed_time:.2f}s") + + if global_rank == 0: + total_time = timer() - start_time + print(f"Training finished - took {total_time:.2f}s") + epoch_time_tracker.save() # Clean-up if is_distributed: diff --git a/tutorials/distributed-ml/torch-scaling-test/runall.sh b/tutorials/distributed-ml/torch-scaling-test/runall.sh deleted file mode 100644 index 71c9ea92..00000000 --- a/tutorials/distributed-ml/torch-scaling-test/runall.sh +++ /dev/null @@ -1,99 +0,0 @@ -#!/bin/bash - -# -------------------------------------------------------------------------------------- -# Part of the interTwin Project: https://www.intertwin.eu/ -# -# Created by: Matteo Bunino -# -# Credit: -# - Matteo Bunino - CERN -# -------------------------------------------------------------------------------------- - -# Run all versions of distributed ML version -# $1 (Optional[int]): number of nodes. Default: 2 -# $2 (Optional[str]): timeout. Default: "00:30:00" - -if [ -z "$1" ] ; then - N=2 -else - N=$1 -fi -if [ -z "$2" ] ; then - T="00:30:00" -else - T=$2 -fi - -# Common options -CMD="--nodes=$N --time=$T --account=intertwin --partition=batch slurm.sh" -PYTHON_VENV="../../../envAI_hdfml" - -echo "Distributing training over $N nodes. Timeout set to: $T" - -# Clear SLURM logs (*.out and *.err files) -rm -rf logs_slurm -mkdir logs_slurm -rm -rf logs_torchrun - -# Clear scaling test logs -rm *.csv # *checkpoint.pth.tar - -# DDP baseline -DIST_MODE="ddp" -RUN_NAME="ddp-bl-imagenent" -TRAINING_CMD="ddp_trainer.py -c config/base.yaml -c config/ddp.yaml" -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - $CMD - -# DeepSpeed baseline -DIST_MODE="deepspeed" -RUN_NAME="deepspeed-bl-imagenent" -TRAINING_CMD="deepspeed_trainer.py -c config/base.yaml -c config/deepspeed.yaml" -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - $CMD - -# Horovod baseline -DIST_MODE="horovod" -RUN_NAME="horovod-bl-imagenent" -TRAINING_CMD="horovod_trainer.py -c config/base.yaml -c config/horovod.yaml" -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - $CMD - -# DDP itwinai -DIST_MODE="ddp" -RUN_NAME="ddp-itwinai-imagenent" -TRAINING_CMD="itwinai_trainer.py -c config/base.yaml -c config/ddp.yaml -s ddp" -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - $CMD - -# DeepSpeed itwinai -DIST_MODE="deepspeed" -RUN_NAME="deepspeed-itwinai-imagenent" -TRAINING_CMD="itwinai_trainer.py -c config/base.yaml -c config/deepspeed.yaml -s deepspeed" -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - $CMD - -# Horovod itwinai -DIST_MODE="horovod" -RUN_NAME="horovod-itwinai-imagenent" -TRAINING_CMD="itwinai_trainer.py -c config/base.yaml -c config/horovod.yaml -s horovod" -sbatch --export=ALL,DIST_MODE="$DIST_MODE",RUN_NAME="$RUN_NAME",TRAINING_CMD="$TRAINING_CMD",PYTHON_VENV="$PYTHON_VENV" \ - --job-name="$RUN_NAME-n$N" \ - --output="logs_slurm/job-$RUN_NAME-n$N.out" \ - --error="logs_slurm/job-$RUN_NAME-n$N.err" \ - $CMD \ No newline at end of file diff --git a/tutorials/distributed-ml/torch-scaling-test/scaling-test.sh b/tutorials/distributed-ml/torch-scaling-test/scaling-test.sh deleted file mode 100644 index a2ffa6f7..00000000 --- a/tutorials/distributed-ml/torch-scaling-test/scaling-test.sh +++ /dev/null @@ -1,19 +0,0 @@ -#!/bin/bash - -# -------------------------------------------------------------------------------------- -# Part of the interTwin Project: https://www.intertwin.eu/ -# -# Created by: Matteo Bunino -# -# Credit: -# - Matteo Bunino - CERN -# -------------------------------------------------------------------------------------- - -rm *checkpoint.pth.tar *.out *.err *.csv - -timeout="03:30:00" -for N in 1 2 4 8 16 32 64 128 -do - bash runall.sh $N $timeout - echo -done \ No newline at end of file diff --git a/tutorials/distributed-ml/torch-scaling-test/slurm.py b/tutorials/distributed-ml/torch-scaling-test/slurm.py index 7eb70f14..9990214b 100644 --- a/tutorials/distributed-ml/torch-scaling-test/slurm.py +++ b/tutorials/distributed-ml/torch-scaling-test/slurm.py @@ -56,6 +56,9 @@ def get_training_command(self): f"{self.distributed_strategy}_trainer.py -c config/base.yaml " f"-c config/{self.distributed_strategy}.yaml" ) + + if self.distributed_strategy == "horovod": + training_command = "python " + training_command return training_command @@ -95,15 +98,20 @@ def main(): f"{args.dist_strat}_trainer.py -c config/base.yaml " f"-c config/{args.dist_strat}.yaml" ) + if args.dist_strat == "horovod": + training_command = "python " + training_command + # Building the script script_builder = TutorialSlurmScriptBuilder( slurm_script_configuration=slurm_script_configuration, distributed_strategy=args.dist_strat, debug=args.debug, training_command=training_command, + python_venv=args.python_venv, use_itwinai_trainer=args.itwinai_trainer, ) + # Processing the script depending on the given mode mode = args.mode if mode == "single": script_builder.process_slurm_script( @@ -117,13 +125,26 @@ def main(): retain_file=retain_file, submit_slurm_job=submit_job ) + # We do this twice as there are two types of strategies script_builder.use_itwinai_trainer = True script_builder.run_slurm_script_all_strategies( retain_file=retain_file, submit_slurm_job=submit_job ) elif mode == "scaling-test": + # Running the scaling test with and without the itwinai trainer + script_builder.training_command = None + script_builder.use_itwinai_trainer = False script_builder.run_scaling_test( - retain_file=retain_file, submit_slurm_job=submit_job + retain_file=retain_file, + submit_slurm_job=submit_job, + num_nodes_list=args.scalability_nodes, + ) + + script_builder.use_itwinai_trainer = True + script_builder.run_scaling_test( + retain_file=retain_file, + submit_slurm_job=submit_job, + num_nodes_list=args.scalability_nodes, ) else: # This shouldn't really ever happen, but checking just in case diff --git a/tutorials/distributed-ml/torch-scaling-test/slurm.sh b/tutorials/distributed-ml/torch-scaling-test/slurm.sh deleted file mode 100644 index 3b9f6c7a..00000000 --- a/tutorials/distributed-ml/torch-scaling-test/slurm.sh +++ /dev/null @@ -1,121 +0,0 @@ -#!/bin/bash - -# SLURM jobscript for JSC systems - -# Job configuration -#SBATCH --job-name=distributed_training -#SBATCH --account=intertwin -#SBATCH --mail-user= -#SBATCH --mail-type=ALL -#SBATCH --output=job.out -#SBATCH --error=job.err -#SBATCH --time=00:30:00 - -# Resources allocation -#SBATCH --partition=batch -#SBATCH --nodes=2 -#SBATCH --gpus-per-node=4 -#SBATCH --cpus-per-gpu=4 -#SBATCH --exclusive - -# gres options have to be disabled for deepv -#SBATCH --gres=gpu:4 - -# Load environment modules -ml Stages/2024 GCC OpenMPI CUDA/12 MPI-settings/CUDA Python HDF5 PnetCDF libaio mpi4py - -# Job info -echo "DEBUG: TIME: $(date)" -sysN="$(uname -n | cut -f2- -d.)" -sysN="${sysN%%[0-9]*}" -echo "Running on system: $sysN" -echo "DEBUG: EXECUTE: $EXEC" -echo "DEBUG: SLURM_SUBMIT_DIR: $SLURM_SUBMIT_DIR" -echo "DEBUG: SLURM_JOB_ID: $SLURM_JOB_ID" -echo "DEBUG: SLURM_JOB_NODELIST: $SLURM_JOB_NODELIST" -echo "DEBUG: SLURM_NNODES: $SLURM_NNODES" -echo "DEBUG: SLURM_NTASKS: $SLURM_NTASKS" -echo "DEBUG: SLURM_TASKS_PER_NODE: $SLURM_TASKS_PER_NODE" -echo "DEBUG: SLURM_SUBMIT_HOST: $SLURM_SUBMIT_HOST" -echo "DEBUG: SLURMD_NODENAME: $SLURMD_NODENAME" -echo "DEBUG: CUDA_VISIBLE_DEVICES: $CUDA_VISIBLE_DEVICES" -if [ "$DEBUG" = true ] ; then - echo "DEBUG: NCCL_DEBUG=INFO" - export NCCL_DEBUG=INFO -fi -echo - -# Setup env for distributed ML -export CUDA_VISIBLE_DEVICES="0,1,2,3" -export OMP_NUM_THREADS=1 -if [ "$SLURM_CPUS_PER_GPU" -gt 0 ] ; then - export OMP_NUM_THREADS=$SLURM_CPUS_PER_GPU -fi - -# Env vairables check -if [ -z "$DIST_MODE" ]; then - >&2 echo "ERROR: env variable DIST_MODE is not set. Allowed values are 'horovod', 'ddp' or 'deepspeed'" - exit 1 -fi -if [ -z "$RUN_NAME" ]; then - >&2 echo "WARNING: env variable RUN_NAME is not set. It's a way to identify some specific run of an experiment." - RUN_NAME=$DIST_MODE -fi -if [ -z "$TRAINING_CMD" ]; then - >&2 echo "ERROR: env variable TRAINING_CMD is not set. It's the python command to execute." - exit 1 -fi -if [ -z "$PYTHON_VENV" ]; then - >&2 echo "WARNING: env variable PYTHON_VENV is not set. It's the path to a python virtual environment." -else - # Activate Python virtual env - source $PYTHON_VENV/bin/activate -fi - -# Get GPUs info per node -srun --cpu-bind=none --ntasks-per-node=1 bash -c 'echo -e "NODE hostname: $(hostname)\n$(nvidia-smi)\n\n"' - -# Launch training -if [ "$DIST_MODE" == "ddp" ] ; then - echo "DDP training: $TRAINING_CMD" - srun --cpu-bind=none --ntasks-per-node=1 \ - bash -c "torchrun \ - --log_dir='logs_torchrun' \ - --nnodes=$SLURM_NNODES \ - --nproc_per_node=$SLURM_GPUS_PER_NODE \ - --rdzv_id=$SLURM_JOB_ID \ - --rdzv_conf=is_host=\$(((SLURM_NODEID)) && echo 0 || echo 1) \ - --rdzv_backend=c10d \ - --rdzv_endpoint='$(scontrol show hostnames "$SLURM_JOB_NODELIST" | head -n 1)'i:29500 \ - $TRAINING_CMD" -elif [ "$DIST_MODE" == "deepspeed" ] ; then - echo "DEEPSPEED training: $TRAINING_CMD" - srun --cpu-bind=none --ntasks-per-node=1 \ - bash -c "torchrun \ - --log_dir='logs_torchrun' \ - --nnodes=$SLURM_NNODES \ - --nproc_per_node=$SLURM_GPUS_PER_NODE \ - --rdzv_id=$SLURM_JOB_ID \ - --rdzv_conf=is_host=\$(((SLURM_NODEID)) && echo 0 || echo 1) \ - --rdzv_backend=c10d \ - --rdzv_endpoint='$(scontrol show hostnames "$SLURM_JOB_NODELIST" | head -n 1)'i:29500 \ - $TRAINING_CMD --deepspeed" - - # # Run with deepspeed launcher: set --ntasks-per-node=1 - # # https://www.deepspeed.ai/getting-started/#multi-node-environment-variables - # export NCCL_IB_DISABLE=1 - # export NCCL_SOCKET_IFNAME=eth0 - # nodelist=$(scontrol show hostname $SLURM_NODELIST) - # echo "$nodelist" | sed -e 's/$/ slots=4/' > .hostfile - # # Requires passwordless SSH access among compute node - # srun --cpu-bind=none deepspeed --hostfile=.hostfile $TRAINING_CMD --deepspeed - # rm .hostfile -elif [ "$DIST_MODE" == "horovod" ] ; then - echo "HOROVOD training: $TRAINING_CMD" - srun --cpu-bind=none --ntasks-per-node=$SLURM_GPUS_PER_NODE --cpus-per-task=$SLURM_CPUS_PER_GPU \ - python -u $TRAINING_CMD -else - >&2 echo "ERROR: unrecognized \$DIST_MODE env variable" - exit 1 -fi - diff --git a/tutorials/distributed-ml/torch-scaling-test/slurm_config.yaml b/tutorials/distributed-ml/torch-scaling-test/slurm_config.yaml new file mode 100644 index 00000000..7bb82348 --- /dev/null +++ b/tutorials/distributed-ml/torch-scaling-test/slurm_config.yaml @@ -0,0 +1,37 @@ +# If you use this with in the runall or scaling mode, keep in mind that the strategies +# will change, as well as the number of nodes. +# +# Default arguments can be seen in src/itwinai/slurm/utils.py +# +num_nodes: 1 +num_tasks_per_node: 1 +gpus_per_node: 4 +cpus_per_gpu: 4 + +mode: single # "single", "runall" or "scaling-test" - defaults to "single" +dist_strat: ddp # "ddp", "deepspeed" or "horovod" +itwinai_trainer: false + +account: intertwin +time: 00:15:00 +partition: develbooster + +# Keep in mind that these will be overwritten if "mode" is not "single", and that +# if you override the dist_strat in the CLI, then these will already have evaluated +# and thus might not correspond. Thus, we suggest you only change the dist_strat in +# the config and avoid overriding it in the CLI. +std_out: slurm_job_logs/${dist_strat}-${num_nodes}x${gpus_per_node}.out +err_out: slurm_job_logs/${dist_strat}-${num_nodes}x${gpus_per_node}.err +job_name: tutorial-${dist_strat}-job + +# The different number of nodes to use for the scalability testing +scalability_nodes: "1, 2, 4" + +python_venv: ../../../.venv + +# If you want to manually override the training command, comment in the following: +# training_cmd: | +# $(which itwinai) exec-pipeline \ +# --config ${config_file} \ +# --pipe-key ${pipe_key} \ +# -o strategy=${dist_strat} \ diff --git a/tutorials/distributed-ml/torch-scaling-test/utils.py b/tutorials/distributed-ml/torch-scaling-test/utils.py index 76dddf9a..1aa6d473 100644 --- a/tutorials/distributed-ml/torch-scaling-test/utils.py +++ b/tutorials/distributed-ml/torch-scaling-test/utils.py @@ -5,12 +5,21 @@ # # Credit: # - Matteo Bunino - CERN +# - Jarl Sondre Sæther - CERN # -------------------------------------------------------------------------------------- +from typing import Union +import torch.nn as nn +import torch.nn.functional as F +from torch import device +from torch.optim.optimizer import Optimizer +from torch.utils.data import DataLoader, Subset from torchvision import datasets, transforms +from itwinai.parser import ArgumentParser as ItwinaiArgParser -def imagenet_dataset(data_root: str): + +def imagenet_dataset(data_root: str, subset_size: int | None = None): """Create a torch dataset object for Imagenet.""" transform = transforms.Compose( [ @@ -18,11 +27,149 @@ def imagenet_dataset(data_root: str): transforms.RandomHorizontalFlip(), transforms.RandomVerticalFlip(), transforms.RandomRotation(degrees=45), - transforms.ColorJitter(brightness=0.5, contrast=0.5, saturation=0.5, hue=0.5), + transforms.ColorJitter( + brightness=0.5, contrast=0.5, saturation=0.5, hue=0.5 + ), transforms.CenterCrop(224), transforms.ToTensor(), transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225]), ] ) imagenet = datasets.ImageFolder(root=data_root, transform=transform) - return imagenet + + if subset_size is None: + # We do this because we always want to return an instance of a subset, to make + # everything as consistent as possible + subset_size = len(imagenet) + if subset_size > len(imagenet): + raise ValueError("Limit higher than the total length of the dataset") + + return Subset(imagenet, range(subset_size)) + + +def train_epoch( + model: nn.Module, + device: device, + train_loader: DataLoader, + optimizer: Optimizer, +): + """Train a pytorch model for a single epoch with the given arguments.""" + + total_loss = 0 + model.train() + + for data, target in train_loader: + data, target = data.to(device), target.to(device) + optimizer.zero_grad() + output = model(data) + loss = F.nll_loss(output, target) + loss.backward() + optimizer.step() + total_loss += loss.item() + + return total_loss + + +def get_parser() -> ItwinaiArgParser: + parser = ItwinaiArgParser(description="PyTorch Imagenet scaling test") + + parser.add_argument( + "--data-dir", + default="./", + help=("location of the training dataset in the " "local filesystem"), + ) + parser.add_argument( + "--log-int", + type=int, + default=10, + help="log interval per training. Disabled if < 0.", + ) + parser.add_argument( + "--nworker", + type=int, + default=0, + help=("number of workers in DataLoader " "(default: 0 - only main)"), + ) + parser.add_argument( + "--prefetch", + type=int, + default=2, + help="prefetch data in DataLoader (default: 2)", + ) + parser.add_argument( + "--batch-size", + type=int, + default=64, + help="input batch size for training (default: 64)", + ) + parser.add_argument( + "--epochs", type=int, default=10, help="number of epochs to train (default: 10)" + ) + parser.add_argument( + "--lr", type=float, default=0.01, help="learning rate (default: 0.01)" + ) + parser.add_argument( + "--momentum", + type=float, + default=0.5, + help="momentum in SGD optimizer (default: 0.5)", + ) + parser.add_argument( + "--shuff", + action="store_true", + default=False, + help="shuffle dataset (default: False)", + ) + parser.add_argument( + "--rnd-seed", + type=int, + default=None, + help="seed integer for reproducibility (default: 0)", + ) + parser.add_argument( + "--backend", + type=str, + default="nccl", + help="backend for parallelisation (default: nccl)", + ) + parser.add_argument( + "--subset-size", + type=Union[int, None], + default=None, + help="How big of a subset of ImageNet to use during training.", + ) + parser.add_argument( + "--no-cuda", action="store_true", default=False, help="disables GPGPUs" + ) + parser.add_argument( + "--fp16-allreduce", + action="store_true", + default=False, + help="use fp16 compression during allreduce", + ) + parser.add_argument( + "--use-adasum", + action="store_true", + default=False, + help="use adasum algorithm to do reduction", + ) + parser.add_argument( + "--gradient-predivide-factor", + type=float, + default=1.0, + help="apply gradient pre-divide factor in optimizer " "(default: 1.0)", + ) + parser.add_argument( + "--strategy", + "-s", + type=str, + choices=["ddp", "horovod", "deepspeed"], + default="ddp", + ) + parser.add_argument( + "--epoch-time-directory", + type=str, + default="scalability-metrics/epoch-time", + help="Where to store the epoch time metrics used in the scalability report", + ) + return parser diff --git a/tutorials/distributed-ml/torch-tutorial-1-mnist/train.py b/tutorials/distributed-ml/torch-tutorial-1-mnist/train.py index 8e4f3398..da41ef77 100644 --- a/tutorials/distributed-ml/torch-tutorial-1-mnist/train.py +++ b/tutorials/distributed-ml/torch-tutorial-1-mnist/train.py @@ -25,7 +25,7 @@ from torch.utils.data import Dataset from torchvision import datasets, transforms -from itwinai.parser import ArgumentParser as ItAIArgumentParser +from itwinai.parser import ArgumentParser as ItwinaiArgParser from itwinai.torch.distributed import ( DeepSpeedStrategy, HorovodStrategy, @@ -44,11 +44,15 @@ def parse_params() -> argparse.Namespace: >>> train.py --strategy ddp --config config.yaml """ - parser = ItAIArgumentParser(description="PyTorch MNIST Example") + parser = ItwinaiArgParser(description="PyTorch MNIST Example") # Distributed ML strategy parser.add_argument( - "--strategy", "-s", type=str, choices=["ddp", "horovod", "deepspeed"], default="ddp" + "--strategy", + "-s", + type=str, + choices=["ddp", "horovod", "deepspeed"], + default="ddp", ) # Data and logging @@ -57,12 +61,19 @@ def parse_params() -> argparse.Namespace: default="./", help=("location of the training dataset in the local " "filesystem"), ) - parser.add_argument("--log-int", type=int, default=10, help="log interval per training") parser.add_argument( - "--verbose", action=argparse.BooleanOptionalAction, help="Print parsed arguments" + "--log-int", type=int, default=10, help="log interval per training" ) parser.add_argument( - "--restart-int", type=int, default=10, help="restart interval per epoch (default: 10)" + "--verbose", + action=argparse.BooleanOptionalAction, + help="Print parsed arguments", + ) + parser.add_argument( + "--restart-int", + type=int, + default=10, + help="restart interval per epoch (default: 10)", ) parser.add_argument( "--download-only", @@ -76,7 +87,10 @@ def parse_params() -> argparse.Namespace: help="concatenate MNIST to this factor (default: 100)", ) parser.add_argument( - "--shuff", action="store_true", default=False, help="shuffle dataset (default: False)" + "--shuff", + action="store_true", + default=False, + help="shuffle dataset (default: False)", ) parser.add_argument( "--nworker", @@ -85,7 +99,10 @@ def parse_params() -> argparse.Namespace: help=("number of workers in DataLoader (default: 0 -" " only main)"), ) parser.add_argument( - "--prefetch", type=int, default=2, help="prefetch data in DataLoader (default: 2)" + "--prefetch", + type=int, + default=2, + help="prefetch data in DataLoader (default: 2)", ) # Model @@ -98,14 +115,22 @@ def parse_params() -> argparse.Namespace: parser.add_argument( "--epochs", type=int, default=10, help="number of epochs to train (default: 10)" ) - parser.add_argument("--lr", type=float, default=0.01, help="learning rate (default: 0.01)") parser.add_argument( - "--momentum", type=float, default=0.5, help="momentum in SGD optimizer (default: 0.5)" + "--lr", type=float, default=0.01, help="learning rate (default: 0.01)" + ) + parser.add_argument( + "--momentum", + type=float, + default=0.5, + help="momentum in SGD optimizer (default: 0.5)", ) # Reproducibility parser.add_argument( - "--rnd-seed", type=int, default=0, help="seed integer for reproducibility (default: 0)" + "--rnd-seed", + type=int, + default=0, + help="seed integer for reproducibility (default: 0)", ) # Distributed ML @@ -176,7 +201,9 @@ def forward(self, x): return F.log_softmax(x, dim=-1) -def train(model, train_loader, optimizer, epoch, strategy: TorchDistributedStrategy, args): +def train( + model, train_loader, optimizer, epoch, strategy: TorchDistributedStrategy, args +): """ Training function, representing an epoch. """ @@ -194,7 +221,11 @@ def train(model, train_loader, optimizer, epoch, strategy: TorchDistributedStrat loss = F.nll_loss(output, target) loss.backward() optimizer.step() - if strategy.is_main_worker and args.log_int > 0 and batch_idx % args.log_int == 0: + if ( + strategy.is_main_worker + and args.log_int > 0 + and batch_idx % args.log_int == 0 + ): dl_size = len(train_loader.dataset) // strategy.global_world_size() print( f"Train epoch: {epoch} " @@ -331,7 +362,9 @@ def mnist_dataset(dataset_replication: int = 1) -> Tuple[Dataset, Dataset]: config_params=dict(train_micro_batch_size_per_gpu=args.batch_size) ) else: - raise NotImplementedError(f"Strategy {args.strategy} is not recognized/implemented.") + raise NotImplementedError( + f"Strategy {args.strategy} is not recognized/implemented." + ) # Initialize strategy strategy.init() diff --git a/use-cases/eurac/config.yaml b/use-cases/eurac/config.yaml index 571a6fe1..fac15c36 100644 --- a/use-cases/eurac/config.yaml +++ b/use-cases/eurac/config.yaml @@ -69,8 +69,8 @@ rnn_training_pipeline: strategy: ${strategy} epochs: ${epochs} random_seed: ${random_seed} - profiling_wait_epochs: 0 - profiling_warmup_epochs: 0 + profiling_wait_epochs: 1 + profiling_warmup_epochs: 1 logger: class_path: itwinai.loggers.LoggersCollection init_args: diff --git a/use-cases/eurac/requirements.txt b/use-cases/eurac/requirements.txt index 5b35ca1b..2d134c28 100644 --- a/use-cases/eurac/requirements.txt +++ b/use-cases/eurac/requirements.txt @@ -4,4 +4,3 @@ tqdm cf_xarray requests aiohttp -ray diff --git a/use-cases/eurac/runall.sh b/use-cases/eurac/runall.sh index 2b233452..5eb513be 100755 --- a/use-cases/eurac/runall.sh +++ b/use-cases/eurac/runall.sh @@ -21,7 +21,7 @@ if [ -z "$NUM_GPUS" ]; then NUM_GPUS=4 fi if [ -z "$TIME" ]; then - TIME=0:20:00 + TIME=0:40:00 fi if [ -z "$DEBUG" ]; then DEBUG=false diff --git a/use-cases/eurac/slurm.py b/use-cases/eurac/slurm.py index 1bee9709..9028cf47 100644 --- a/use-cases/eurac/slurm.py +++ b/use-cases/eurac/slurm.py @@ -71,6 +71,7 @@ def main(): slurm_script_configuration=slurm_script_configuration, distributed_strategy=args.dist_strat, training_command=args.training_cmd, + python_venv=args.python_venv, debug=args.debug, pipe_key=args.pipe_key, config_file=args.config_file, diff --git a/use-cases/eurac/slurm_config.yaml b/use-cases/eurac/slurm_config.yaml index 30a15f6f..a14ca786 100644 --- a/use-cases/eurac/slurm_config.yaml +++ b/use-cases/eurac/slurm_config.yaml @@ -4,18 +4,18 @@ # Default arguments can be seen in src/itwinai/slurm/utils.py mode: single # "single", "runall" or "scaling-test" - defaults to "single" -dist_strat: horovod # "ddp", "deepspeed" or "horovod" +dist_strat: ddp # "ddp", "deepspeed" or "horovod" account: intertwin -time: 00:11:11 +time: 00:05:00 partition: develbooster # Keep in mind that these will be overwritten if "mode" is not "single", and that # if you override the dist_strat in the CLI, then these will already have evaluated # and thus might not correspond. Thus, we suggest you only change the dist_strat in # the config and avoid overriding it in the CLI. -std_out: slurm_jobs/${dist_strat}.out -err_out: slurm_jobs/${dist_strat}.err +std_out: slurm_job_logs/${dist_strat}.out +err_out: slurm_job_logs/${dist_strat}.err job_name: eurac-${dist_strat}-job num_nodes: 1 diff --git a/use-cases/eurac/trainer.py b/use-cases/eurac/trainer.py index 93a6d03e..a4d01480 100644 --- a/use-cases/eurac/trainer.py +++ b/use-cases/eurac/trainer.py @@ -38,6 +38,7 @@ TorchDDPStrategy, ) from itwinai.torch.profiling.profiler import profile_torch_trainer +from itwinai.torch.monitoring.monitoring import measure_gpu_utilization from itwinai.torch.trainer import TorchTrainer from itwinai.torch.type import Metric @@ -146,15 +147,16 @@ def create_model_loss_optimizer(self) -> None: ) def set_epoch(self, epoch: int): - if self.profiler is not None: + if self.profiler is not None and epoch > 0: + # We don't want to start stepping until after the first epoch self.profiler.step() if self.strategy.is_distributed: self.train_loader.sampler.set_epoch(epoch) self.val_loader.sampler.set_epoch(epoch) - # @profile_torch_trainer - # @measure_gpu_utilization + @profile_torch_trainer + @measure_gpu_utilization def train(self): """Override version of hython to support distributed strategy.""" # Tracking epoch times for scaling test @@ -167,7 +169,7 @@ def train(self): epoch_time_tracker = EpochTimeTracker( strategy_name=self.strategy.name, save_path=epoch_time_output_path, - num_nodes=num_nodes, + num_nodes=num_nodes ) trainer = RNNTrainer( diff --git a/use-cases/virgo/slurm.py b/use-cases/virgo/slurm.py index bd658187..0d4ec723 100644 --- a/use-cases/virgo/slurm.py +++ b/use-cases/virgo/slurm.py @@ -73,6 +73,7 @@ def main(): slurm_script_configuration=slurm_script_configuration, distributed_strategy=args.dist_strat, training_command=args.training_cmd, + python_venv=args.python_venv, debug=args.debug, pipe_key=args.pipe_key, config_file=args.config_file, diff --git a/use-cases/virgo/slurm_config.yaml b/use-cases/virgo/slurm_config.yaml index 5a10b2b0..ede30540 100644 --- a/use-cases/virgo/slurm_config.yaml +++ b/use-cases/virgo/slurm_config.yaml @@ -15,8 +15,8 @@ partition: develbooster # if you override the dist_strat in the CLI, then these will already have evaluated # and thus might not correspond. Thus, we suggest you only change the dist_strat in # the config and avoid overriding it in the CLI. -std_out: slurm_jobs/${dist_strat}.out -err_out: slurm_jobs/${dist_strat}.err +std_out: slurm_job_logs/${dist_strat}.out +err_out: slurm_job_logs/${dist_strat}.err job_name: virgo-${dist_strat}-job ################################## diff --git a/use-cases/virgo/trainer.py b/use-cases/virgo/trainer.py index 6d402265..c4c58ee8 100644 --- a/use-cases/virgo/trainer.py +++ b/use-cases/virgo/trainer.py @@ -28,6 +28,7 @@ from itwinai.torch.config import TrainingConfiguration from itwinai.torch.distributed import DeepSpeedStrategy, RayDDPStrategy, RayDeepSpeedStrategy from itwinai.torch.profiling.profiler import profile_torch_trainer +from itwinai.torch.monitoring.monitoring import measure_gpu_utilization from itwinai.torch.trainer import RayTorchTrainer, TorchTrainer from src.model import Decoder, Decoder_2d_deep, GeneratorResNet, UNet from src.utils import init_weights @@ -190,7 +191,7 @@ def execute( return super().execute(train_dataset, validation_dataset, test_dataset) @profile_torch_trainer - # @measure_gpu_utilization + @measure_gpu_utilization def train(self): # Start the timer for profiling # diff --git a/uv.lock b/uv.lock index 86ba2e1a..cbfe4f51 100644 --- a/uv.lock +++ b/uv.lock @@ -2,131 +2,47 @@ version = 1 requires-python = ">=3.10" resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] conflicts = [[ { package = "itwinai", extra = "tf-cuda" }, @@ -144,16 +60,16 @@ wheels = [ [[package]] name = "aiohappyeyeballs" -version = "2.4.3" +version = "2.4.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/bc/69/2f6d5a019bd02e920a3417689a89887b39ad1e350b562f9955693d900c40/aiohappyeyeballs-2.4.3.tar.gz", hash = "sha256:75cf88a15106a5002a8eb1dab212525c00d1f4c0fa96e551c9fbe6f09a621586", size = 21809 } +sdist = { url = "https://files.pythonhosted.org/packages/7f/55/e4373e888fdacb15563ef6fa9fa8c8252476ea071e96fb46defac9f18bf2/aiohappyeyeballs-2.4.4.tar.gz", hash = "sha256:5fdd7d87889c63183afc18ce9271f9b0a7d32c2303e394468dd45d514a757745", size = 21977 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f7/d8/120cd0fe3e8530df0539e71ba9683eade12cae103dd7543e50d15f737917/aiohappyeyeballs-2.4.3-py3-none-any.whl", hash = "sha256:8a7a83727b2756f394ab2895ea0765a0a8c475e3c71e98d43d76f22b4b435572", size = 14742 }, + { url = "https://files.pythonhosted.org/packages/b9/74/fbb6559de3607b3300b9be3cc64e97548d55678e44623db17820dbd20002/aiohappyeyeballs-2.4.4-py3-none-any.whl", hash = "sha256:a980909d50efcd44795c4afeca523296716d50cd756ddca6af8c65b996e27de8", size = 14756 }, ] [[package]] name = "aiohttp" -version = "3.11.8" +version = "3.11.9" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "aiohappyeyeballs" }, @@ -165,68 +81,68 @@ dependencies = [ { name = "propcache" }, { name = "yarl" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2c/e5/c7ad0689e8ab74c3ec9bf20e0f667e1278b3738ae19ae3fed21e6a0543ca/aiohttp-3.11.8.tar.gz", hash = "sha256:7bc9d64a2350cbb29a9732334e1a0743cbb6844de1731cbdf5949b235653f3fd", size = 7667904 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/02/e4/7105860b2bac26d86210de2b37ef4aadb6cee12b51e85f7d52aa990fad7c/aiohttp-3.11.8-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:2d2ca685c6a851ce64e511fbcb906e4dd97d13e567ca7ecb5cb30b184e15dc6d", size = 707829 }, - { url = "https://files.pythonhosted.org/packages/d7/6f/51f365efdf14a4f96ac6d6f9045c595f332478b5da3183a0dd55ec8a047c/aiohttp-3.11.8-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:52913bb8a0a72a57479f54b281300c9d23036aa9aa3ebbc9a32a643484eadfc2", size = 467501 }, - { url = "https://files.pythonhosted.org/packages/9e/0d/1835a6789499e3fbd0ad417965750978312e2ac77aa2cebef5cbf3180c82/aiohttp-3.11.8-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:35dafc70051b6cbd6dafb533b4e3f0df6225a4896be373ef86367b2987409331", size = 454804 }, - { url = "https://files.pythonhosted.org/packages/c3/45/0e7ce027d55189e6490cda97e1618b4b29aeb900bc865ae17d29a2baba12/aiohttp-3.11.8-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:561b9596a9f90266673ef0b950c27e04ab597cdb53785e2ac91b83b33c31b509", size = 1579359 }, - { url = "https://files.pythonhosted.org/packages/2e/9d/4b858e060836793bad54a465dda763532ce9b00893bf069946ee47dc2672/aiohttp-3.11.8-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d479c1fdcc920056a06d04059db52eb8590ecbbb3acdcaeeea26a88ff782e94a", size = 1632238 }, - { url = "https://files.pythonhosted.org/packages/76/41/1b7a774b1bd1dae79403d17cc55d4ae7bffb4e3b287f96e32db3a6d41b49/aiohttp-3.11.8-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9ce8eb6444bb6e862feca664ce365afa8e2e32db24dcf1a502719a8a002f9274", size = 1668795 }, - { url = "https://files.pythonhosted.org/packages/30/fa/e6b4a3f26522af1198a85d7df379bbba9f505295c11bcac31b0ccb3362bd/aiohttp-3.11.8-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:df9bf08eb93611b1d4d6245b6fecf88728e90eece00e00d554e1b0c445557d83", size = 1580143 }, - { url = "https://files.pythonhosted.org/packages/da/36/c48c139d8f0f2b2d52759c0cf3d364e88a5fe93d8a94910086e77b76526c/aiohttp-3.11.8-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5a20ddaa58fea717177fac9a4a1fb8b39be868aa4fed2af6de4313b7a08f0f71", size = 1541326 }, - { url = "https://files.pythonhosted.org/packages/3f/53/cf35b494063450cb25f07fe295bf14fff4cba928eeb391ad6b67ada0bc45/aiohttp-3.11.8-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:9f4aadfea6b48cfa17aef1a68ba6bee5a0246374f5a588e299a4f4ff5bd1c77b", size = 1529515 }, - { url = "https://files.pythonhosted.org/packages/0e/43/0cd78354c5c574c69bd42e5420bf2915a691b14bd88806776a8364dca451/aiohttp-3.11.8-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:aa7deebb4bc5143745e6282139d7b9de50beb6d06609df64d2c993ef496bc7eb", size = 1534296 }, - { url = "https://files.pythonhosted.org/packages/4e/08/8e4dfb23f871e300235e161f1d742a23341ec357b49b5dccb80cb842dafe/aiohttp-3.11.8-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:fe503a76b9e3a13b62e64545693c9463afe9d429e0909120f7bb66de91ed8bc2", size = 1610651 }, - { url = "https://files.pythonhosted.org/packages/e9/7b/fad6f4fbb2d54b29db1c7cfeccc583acf0320399330d4c61527775e2704b/aiohttp-3.11.8-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:1c5838a68e31712354129add1b5fe32b06aa05275f835130edc650e6288af05f", size = 1631538 }, - { url = "https://files.pythonhosted.org/packages/57/b7/08d0ca3c1366cfeab72281bcf47522ba25a7b953aa8c800daf0f79b09ef0/aiohttp-3.11.8-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:832e58d9454fe501b0d092cdf660c0e34e16005f61acd06e1c79b0fc45019c94", size = 1564185 }, - { url = "https://files.pythonhosted.org/packages/af/58/54a910f8807a43d834a66a2aca9784d310db8bb363d16f6d61ddb8a757ce/aiohttp-3.11.8-cp310-cp310-win32.whl", hash = "sha256:00618c37a350884c08e87cf9a6532be274d564227ac49e0b474cf41f27e1f190", size = 415713 }, - { url = "https://files.pythonhosted.org/packages/e8/d9/93ebd00a91c715080f5076ecf47aa5f0ea65c23c1b762a31eade3ef321be/aiohttp-3.11.8-cp310-cp310-win_amd64.whl", hash = "sha256:8eeaac75203da1a54afe1faea3c855a1973026b54929112aa9b67bceadbcb0ca", size = 441147 }, - { url = "https://files.pythonhosted.org/packages/22/95/af92cedf27707a77b4827e45922f87fde9eed1aee9817c2d93fa6f8b54b9/aiohttp-3.11.8-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f8dd02b44555893adfe7cc4b3b454fee04f9dcec45cf66ef5bb53ebf393f0505", size = 707895 }, - { url = "https://files.pythonhosted.org/packages/d0/a5/8f28d1b1e37810bf9957dfbbc376da5f8cc377b029dec0e20d5ddacc2253/aiohttp-3.11.8-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:658052941324edea3dee1f681375e70779f55e437e07bdfc4b5bbe65ad53cefb", size = 467535 }, - { url = "https://files.pythonhosted.org/packages/c9/eb/65c5a4163f79a8dcf8ceb69ca012bf5d14c599819ffa4b52b52aaef0c878/aiohttp-3.11.8-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6c829471a9e2266da4a0666f8a9e215f19320f79778af379c1c7db324ac24ed2", size = 454817 }, - { url = "https://files.pythonhosted.org/packages/58/f5/7939dbf646708ecc90a8c56d3c4b6602628d9cc2ec0df6a99d9b6004ad4a/aiohttp-3.11.8-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d21951756690f5d86d0215da38eb0fd65def03b5e2a1c08a4a39718a6d0d48f2", size = 1685395 }, - { url = "https://files.pythonhosted.org/packages/ee/00/619262f2f8d0966c55753bbe65020594462072c0dc485b24de0e7f0229b1/aiohttp-3.11.8-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2fa50ddc6b21cc1ae23e13524d6f75b27e279fdf5cf905b2df6fd171891ac4e2", size = 1742815 }, - { url = "https://files.pythonhosted.org/packages/55/d0/9be70ee6125a4be06aec54157ed47720426c0d3319bcf816c42ef64487be/aiohttp-3.11.8-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2a5afbd805e449048ecebb1a256176e953d4ca9e48bab387d4d1c8524f1c7a95", size = 1783689 }, - { url = "https://files.pythonhosted.org/packages/56/6a/f5f2edab5d5a5ebc00447d906d12822cdc4e80ce8d9aa10b66bbec38caf4/aiohttp-3.11.8-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ea68db69f2a4ddc24b28b8e754fc0b963ed7f9b9a76137f06fe44643d6821fbd", size = 1675581 }, - { url = "https://files.pythonhosted.org/packages/b0/17/9937026e4e152cd475d88e01fe95e0f792165503115d7d12d9a6cd817173/aiohttp-3.11.8-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:80b3ac163145660ce660aed2f1005e6d4de840d39728990b7250525eeec4e4a8", size = 1621760 }, - { url = "https://files.pythonhosted.org/packages/d3/ee/eb9037cd040a27b234d07d714b9e167e6ea56b8a41cdaa365d17a7bcb4a4/aiohttp-3.11.8-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:e9ac0cce897904b77e109e5403ed713187dbdf96832bfd061ac07164264be16c", size = 1652785 }, - { url = "https://files.pythonhosted.org/packages/b7/34/1c0422065285b272c0ddb63cf61dfb42bdbc0d6c3cc51e59ac1023226c31/aiohttp-3.11.8-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:3260c77cff4e35245bc517658bd54d7a64787f71f3c4f723877c82f22835b032", size = 1649670 }, - { url = "https://files.pythonhosted.org/packages/e0/d2/fc45946781450f2cde010b757c609e1189985961d590300a8637ee4c0b87/aiohttp-3.11.8-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:f7fd9c11ffad6b022bf02a41a70418cb2ab3b33f2c27842a5999e3ab78daf280", size = 1732519 }, - { url = "https://files.pythonhosted.org/packages/c3/b1/56f72200edf9eaae46f9dbbda6434bd970afe48ec8ee494e1cf65c04a8fd/aiohttp-3.11.8-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:16bda233a7b159ab08107e8858fedca90a9de287057fab54cafde51bd83f9819", size = 1753866 }, - { url = "https://files.pythonhosted.org/packages/9f/29/907e42c94e534a94d4b281ace2ae66d339ab84d8976cdb7dc429d098eb0d/aiohttp-3.11.8-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:4867008617bbf86e9fb5b00f72dd0e3a00a579b32233caff834320867f9b7cac", size = 1692152 }, - { url = "https://files.pythonhosted.org/packages/d7/83/f03968fcbedd92db3131d927b2aedc221003e1d1ce188b39ec4da49a6a5b/aiohttp-3.11.8-cp311-cp311-win32.whl", hash = "sha256:17e6b9d8e29e3bfc7f893f327e92c9769d3582cee2fb1652c1431ac3f60115a0", size = 415560 }, - { url = "https://files.pythonhosted.org/packages/5f/c2/44848c66e0538b8cbd708346754efc7928be5071b0ed0bbbe0db21608306/aiohttp-3.11.8-cp311-cp311-win_amd64.whl", hash = "sha256:7f3be4961a5c2c670f31caab7641a37ea2a97031f0d8ae15bcfd36b6bf273200", size = 441670 }, - { url = "https://files.pythonhosted.org/packages/74/bb/975dcefc5d2238f24815ef1df7358643108ae8efe7371d1c700efd1d813a/aiohttp-3.11.8-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0e3b5bfef913d6be270c81976fbc0cbf66625cd92663bbb7e03b3adbd6aa4ac6", size = 703595 }, - { url = "https://files.pythonhosted.org/packages/f4/f4/4480ffeca247026a89a828ff701f726a39029d63c20d0c3575c05cc21045/aiohttp-3.11.8-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:cb51a81cb637b9a072c9cfae1839e35c6579638861eb3479eb5d6e6ce8bc6782", size = 462675 }, - { url = "https://files.pythonhosted.org/packages/9d/3a/34fb0a91f667eea7050c299c3d84993db953385b1d5c287173a5bdd7a2c0/aiohttp-3.11.8-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:dd2ca84e5f7a35f313a62eb7d6a50bac6760b60bafce34586750712731c0aeff", size = 455270 }, - { url = "https://files.pythonhosted.org/packages/80/b2/6b7b7728552700b8af03ce1370a4da65d8b7d769d6303c5d453968c7e335/aiohttp-3.11.8-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:47c6663df9446aa848b478413219600da4b54bc0409e1ac4bc80fb1a81501363", size = 1679484 }, - { url = "https://files.pythonhosted.org/packages/86/ae/92cd1a78ab4a962dc57482006b770c436d0ddb30b20cea954279577baec0/aiohttp-3.11.8-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c665ed4b52256614858b20711bbbd2755b0e19ec86870f8ff1645acf9ae9e760", size = 1736045 }, - { url = "https://files.pythonhosted.org/packages/17/9d/37ebdcb0f7da1b8e902accc239592e2824d13d0f723acb36dd4a4201ecc4/aiohttp-3.11.8-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:35d4545e7684da7a954ffc2dce495462cb16a902dffdebe98572408f6aaaee83", size = 1790952 }, - { url = "https://files.pythonhosted.org/packages/02/9e/d572035320752770c00e6b821f4641493a611976f4dec85012b86b49be8e/aiohttp-3.11.8-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85be3899e6860dd2cd3f4370ded6708e939d00d5ec922a8eb328d114db605a47", size = 1689079 }, - { url = "https://files.pythonhosted.org/packages/b3/f2/faff5fa14c51161a6f074ed56295562bc80b1c54f9933186c4cccabf6ded/aiohttp-3.11.8-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a0ed9f1f2697713c48efc9ec483ad5d062e4aa91854f090a3eba0b19c002851d", size = 1616554 }, - { url = "https://files.pythonhosted.org/packages/b3/ea/00412278060ea50c2d5c8a48e7f7f94e95e2170079b67c6772475d153927/aiohttp-3.11.8-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:c0dbae99737badf3f5e862088a118e28d3b36f03eb608a6382eddfd68178e05b", size = 1643126 }, - { url = "https://files.pythonhosted.org/packages/1f/93/9cb3e20cb8f73f00b94f92864f7e1937fd2b33059b2536f6532a2afabe6a/aiohttp-3.11.8-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:beae08f900b2980af4353a0200eb162b39f276fd8a6e43079a540f83964671f4", size = 1649517 }, - { url = "https://files.pythonhosted.org/packages/e3/27/24e8dc49f4f524d728dcb757f74d9b3f5a652ecb5d20158e175b73186280/aiohttp-3.11.8-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:d6f9e5fd1b3ecbaca3e04a15a02d1fa213248608caee99fd5bdddd4759959cf7", size = 1697243 }, - { url = "https://files.pythonhosted.org/packages/16/bf/480de7d40affc95a046c8580e54ff4875a73ac5e7b8cafca9877f0cf089a/aiohttp-3.11.8-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:a7def89a41fe32120d89cd4577f5efbab3c52234c5890066ced8a2f7202dff88", size = 1730902 }, - { url = "https://files.pythonhosted.org/packages/24/ce/74ed004d72a3d41933ac729765cd58aea8b61fd287fc870abc42f2d6b978/aiohttp-3.11.8-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:98f596cf59292e779bc387f22378a3d2c5e052c9fe2bf822ac4f547c6fe57758", size = 1696230 }, - { url = "https://files.pythonhosted.org/packages/a5/22/fdba63fc388ec880e99868609761671598b01bb402e063d69c338eaf8a27/aiohttp-3.11.8-cp312-cp312-win32.whl", hash = "sha256:b64fa6b76b35b695cd3e5c42a4e568cbea8d41c9e59165e2a43da00976e2027e", size = 410669 }, - { url = "https://files.pythonhosted.org/packages/7e/b8/37683614a4db2763b56376d4a532cceb0496b7984e1596e2da4b7c953166/aiohttp-3.11.8-cp312-cp312-win_amd64.whl", hash = "sha256:afba47981ff73b1794c00dce774334dcfe62664b3b4f78f278b77d21ce9daf43", size = 437086 }, - { url = "https://files.pythonhosted.org/packages/56/12/97a55a4fe36a68e6e51749c2edd546b4792bc47039d78b766273d91178af/aiohttp-3.11.8-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a81525430da5ca356fae6e889daeb6f5cc0d5f0cef88e59cdde48e2394ea1365", size = 696879 }, - { url = "https://files.pythonhosted.org/packages/da/4c/e84542b25315be8e4ec2fd06cfb31713d940fd94d378d7737f357ec7254c/aiohttp-3.11.8-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:7565689e86a88c1d258351ebd14e343337b76a56ca5c0a2c1db96ec28149386f", size = 459325 }, - { url = "https://files.pythonhosted.org/packages/6b/b5/db278214e5f915c7b203ff66735d1a1e9bfc4e8f331ebe72e74e92cfab7c/aiohttp-3.11.8-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:d0f9dbe9763c014c408ad51a027dc9582518e992dc63e2ffe359ac1b4840a560", size = 452061 }, - { url = "https://files.pythonhosted.org/packages/4a/64/00f313ef75b1ac3d3c0bc408da78ffa0e7698cfd9cd55ab1af3693af74ed/aiohttp-3.11.8-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8ca580edc3ccd7f6ea76ad9cf59f5a8756d338e770b5eda7be26bcda8fa7ef53", size = 1662840 }, - { url = "https://files.pythonhosted.org/packages/3b/9d/eaea2168b1bbe13c31c378e887d92802f352cf28ea09acbbffed84eb908e/aiohttp-3.11.8-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7d141631a7348038fc7b5d1a81b3c9afa9aa056188ded7902fe754028fdea5c5", size = 1716479 }, - { url = "https://files.pythonhosted.org/packages/f1/51/37f8e30e2053e472febe091006b0c763d02538acb1f52d6af2e5d0d7e656/aiohttp-3.11.8-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:64e6b14608a56a4c76c60daac730b0c0eeaf9d10dfc3231f7fc26521a0d628fd", size = 1772536 }, - { url = "https://files.pythonhosted.org/packages/6e/de/70b3caf16eb51cc92ba560800d52c2ce0bd71f0cb94eaa22ba0ba93dfe6a/aiohttp-3.11.8-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0983d0ce329f2f9dbeb355c3744bd6333f34e0dc56025b6b7d4f285b90acb51e", size = 1673785 }, - { url = "https://files.pythonhosted.org/packages/90/40/d9d6164452f05a5019394b0e76ff2068d5b0d85b0213f369c7435264fde0/aiohttp-3.11.8-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d96b93a46a3742880fa21bcb35c6c40cf27714ec0fb8ec85fe444d73b95131b9", size = 1601468 }, - { url = "https://files.pythonhosted.org/packages/7c/b0/e2b1964aed11246b4bdc35c0f04b4d353fd9826e33b86e382f05f338e51c/aiohttp-3.11.8-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:f4f1779c3142d913c509c2ed1de8b8f920e07a5cd65ac1f57c61cfb6bfded5a4", size = 1614807 }, - { url = "https://files.pythonhosted.org/packages/22/74/f1bd4c746c74520af3fac8efc34f7191a2b07c32f595009e54049e8b3746/aiohttp-3.11.8-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:48be7cff468c9c0d86a02e6a826e1fe159094b16d5aa2c17703e7317f791b0f9", size = 1616589 }, - { url = "https://files.pythonhosted.org/packages/35/25/283d0da0573a0c32ae00b0d407e4219308c13b338b8f86e0b77339090349/aiohttp-3.11.8-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:daea456b79ca2bacc7f062845bbb1139c3b3231fc83169da5a682cf385416dd1", size = 1684232 }, - { url = "https://files.pythonhosted.org/packages/51/31/b7dd54d33dd604adb988e4fe4cd35b311f03efc4701743f307041b97e749/aiohttp-3.11.8-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:c92e763cf641e10ad9342597d20060ba23de5e411aada96660e679e3f9371189", size = 1714593 }, - { url = "https://files.pythonhosted.org/packages/bd/8e/76f7919864c755c90696df132686b2a9fd9725e7ad9073db4ac9b52e872f/aiohttp-3.11.8-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a750ee5a177e0f873d6b2d7d0fa6e1e7c658fc0ca8ea56438dcba2ac94bedb09", size = 1669610 }, - { url = "https://files.pythonhosted.org/packages/ec/93/bde417393de7545c194f0aefc9b4062a2b7d0e8ae8e7c85f5fa74971b433/aiohttp-3.11.8-cp313-cp313-win32.whl", hash = "sha256:4448c9c7f77bad48a6569062c0c16deb77fbb7363de1dc71ed087f66fb3b3c96", size = 409458 }, - { url = "https://files.pythonhosted.org/packages/da/e7/45d57621d9caba3c7d2687618c0e12025e477bd035834cf9ec3334e82810/aiohttp-3.11.8-cp313-cp313-win_amd64.whl", hash = "sha256:481075a1949de79a8a6841e0086f2f5f464785c592cf527ed0db2c0cbd0e1ba2", size = 435403 }, +sdist = { url = "https://files.pythonhosted.org/packages/3f/24/d5c0aed3ed90896f8505786e3a1e348fd9c61284ef21f54ee9cdf8b92e4f/aiohttp-3.11.9.tar.gz", hash = "sha256:a9266644064779840feec0e34f10a89b3ff1d2d6b751fe90017abcad1864fa7c", size = 7668012 } +wheels = [ + { url = "https://files.pythonhosted.org/packages/8a/e1/c8b50b37bc70dde633152d0e0ccb3fced624f39fa1e2a0385cf5bc71d13d/aiohttp-3.11.9-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:0411777249f25d11bd2964a230b3ffafcbed6cd65d0f2b132bc2b8f5b8c347c7", size = 707560 }, + { url = "https://files.pythonhosted.org/packages/b1/e7/5ed51f97ed2a8cc0f64ba68c325a0f495950e7dc87f7fc5b7d290a8fb8ad/aiohttp-3.11.9-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:499368eb904566fbdf1a3836a1532000ef1308f34a1bcbf36e6351904cced771", size = 467441 }, + { url = "https://files.pythonhosted.org/packages/2e/b9/50cf7f016ac63cdfc36c2d2b4f3fc2a2927fb7053e72b6bfa5ee8d5c5fe5/aiohttp-3.11.9-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0b5a5009b0159a8f707879dc102b139466d8ec6db05103ec1520394fdd8ea02c", size = 454604 }, + { url = "https://files.pythonhosted.org/packages/e0/01/a7d0cd764e59d3cd6d4330690f95338ae970839b33ced3d3a64cfd7459c8/aiohttp-3.11.9-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:176f8bb8931da0613bb0ed16326d01330066bb1e172dd97e1e02b1c27383277b", size = 1583627 }, + { url = "https://files.pythonhosted.org/packages/cb/cc/77e62f4597ac379aab7416622756dcb257650b1abfbda4591f8942a9eeeb/aiohttp-3.11.9-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6435a66957cdba1a0b16f368bde03ce9c79c57306b39510da6ae5312a1a5b2c1", size = 1631359 }, + { url = "https://files.pythonhosted.org/packages/b9/83/d638d0df80d9c8d7897d33ce638a72604d97d1aead04ded9ebc6323f312e/aiohttp-3.11.9-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:202f40fb686e5f93908eee0c75d1e6fbe50a43e9bd4909bf3bf4a56b560ca180", size = 1667311 }, + { url = "https://files.pythonhosted.org/packages/d3/04/46c63d99c45464a16f35d6bfb52c0aa1dec239c867f46f81aaa2e4dd1ce4/aiohttp-3.11.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:39625703540feb50b6b7f938b3856d1f4886d2e585d88274e62b1bd273fae09b", size = 1588542 }, + { url = "https://files.pythonhosted.org/packages/10/d1/52fb2e2ab05bde5745ca1b189d91e0244327b3000c010bf82942c5870ddf/aiohttp-3.11.9-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c6beeac698671baa558e82fa160be9761cf0eb25861943f4689ecf9000f8ebd0", size = 1543578 }, + { url = "https://files.pythonhosted.org/packages/83/85/ae424b30bd30fa6b2369a852ddc80b02cb6eeabd386abf968e8cb70b821e/aiohttp-3.11.9-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:96726839a42429318017e67a42cca75d4f0d5248a809b3cc2e125445edd7d50d", size = 1528248 }, + { url = "https://files.pythonhosted.org/packages/78/2f/0721b62cf6fb6c508e62ed513dead398deccdc9c2bb7bbd357b9bc31c8a1/aiohttp-3.11.9-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:3f5461c77649358610fb9694e790956b4238ac5d9e697a17f63619c096469afe", size = 1535590 }, + { url = "https://files.pythonhosted.org/packages/fb/0d/7f0d1b6a2f6897982b31b3abacb1ed572d81408de1656e0f6fb0df5dfe4c/aiohttp-3.11.9-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:4313f3bc901255b22f01663eeeae167468264fdae0d32c25fc631d5d6e15b502", size = 1606442 }, + { url = "https://files.pythonhosted.org/packages/ff/e5/17b17ad7ce5d3bce32089329077a07d0fa104cc9a57244f5a7a5bf5fbbcd/aiohttp-3.11.9-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:d6e274661c74195708fc4380a4ef64298926c5a50bb10fbae3d01627d7a075b7", size = 1627801 }, + { url = "https://files.pythonhosted.org/packages/69/84/56d931915fd478989c99cfe3737e476c462b6863f35fdb2f7d4b8ce708bf/aiohttp-3.11.9-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:db2914de2559809fdbcf3e48f41b17a493b58cb7988d3e211f6b63126c55fe82", size = 1563290 }, + { url = "https://files.pythonhosted.org/packages/fc/e8/918d584e729c5a839e8af51d899a35e5b049b92fd4c95b930adb5c7bb125/aiohttp-3.11.9-cp310-cp310-win32.whl", hash = "sha256:27935716f8d62c1c73010428db310fd10136002cfc6d52b0ba7bdfa752d26066", size = 415588 }, + { url = "https://files.pythonhosted.org/packages/a0/b0/1e565ef4590525f21b06ce6e97ba88f787d64fea3e21b189d74075ae19b6/aiohttp-3.11.9-cp310-cp310-win_amd64.whl", hash = "sha256:afbe85b50ade42ddff5669947afde9e8a610e64d2c80be046d67ec4368e555fa", size = 440995 }, + { url = "https://files.pythonhosted.org/packages/3e/ec/d65424fb507f414fb363b210dff29406462ba1e15893ccaabf9dbb1eaf13/aiohttp-3.11.9-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:afcda759a69c6a8be3aae764ec6733155aa4a5ad9aad4f398b52ba4037942fe3", size = 707624 }, + { url = "https://files.pythonhosted.org/packages/23/3d/7d2797b1b0bd60d548ab927c879fada2bfad0705c6055f250eefd1790bb9/aiohttp-3.11.9-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c5bba6b83fde4ca233cfda04cbd4685ab88696b0c8eaf76f7148969eab5e248a", size = 467506 }, + { url = "https://files.pythonhosted.org/packages/9f/41/5796191183588f3ed469db3a32e13aa23da51693b65ac66890d66e1f9b98/aiohttp-3.11.9-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:442356e8924fe1a121f8c87866b0ecdc785757fd28924b17c20493961b3d6697", size = 454577 }, + { url = "https://files.pythonhosted.org/packages/1c/6c/03753bf70534c442635480b91f0d9bf98dc726cccd6a707a384bfef40875/aiohttp-3.11.9-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f737fef6e117856400afee4f17774cdea392b28ecf058833f5eca368a18cf1bf", size = 1684693 }, + { url = "https://files.pythonhosted.org/packages/84/1b/40e3866a0f0851c7406779b0c010efb6d135814a1107deda2c72c14a527e/aiohttp-3.11.9-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ea142255d4901b03f89cb6a94411ecec117786a76fc9ab043af8f51dd50b5313", size = 1742652 }, + { url = "https://files.pythonhosted.org/packages/cf/77/1ce991ea0ba2acac23df8ade94e554c5d077e7c3b0110a7495ce4d4d1c92/aiohttp-3.11.9-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6e1e9e447856e9b7b3d38e1316ae9a8c92e7536ef48373de758ea055edfd5db5", size = 1784415 }, + { url = "https://files.pythonhosted.org/packages/fb/91/43a53cc3b559b0edf863fd2dde69ab8fec58602fbe94484a687dc375d41b/aiohttp-3.11.9-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e7f6173302f8a329ca5d1ee592af9e628d3ade87816e9958dcf7cdae2841def7", size = 1674140 }, + { url = "https://files.pythonhosted.org/packages/88/64/6893b99cb4fa43e92d39cc788ceb003ffd9aa3e5aa4f9a73ba796be14a3e/aiohttp-3.11.9-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a7c6147c6306f537cff59409609508a1d2eff81199f0302dd456bb9e7ea50c39", size = 1618798 }, + { url = "https://files.pythonhosted.org/packages/44/0f/f1d62912c4507411b84bb1f651c0029bc99848dcf36f89787843789940c1/aiohttp-3.11.9-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:e9d036a9a41fc78e8a3f10a86c2fc1098fca8fab8715ba9eb999ce4788d35df0", size = 1652997 }, + { url = "https://files.pythonhosted.org/packages/54/71/9ef035c1ac7b8c1f54925396be4b3f633d757ab06fb7f45c975e10303e82/aiohttp-3.11.9-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:2ac9fd83096df36728da8e2f4488ac3b5602238f602706606f3702f07a13a409", size = 1649014 }, + { url = "https://files.pythonhosted.org/packages/4e/66/3dcf6ca727dbf20ac79ef09ad367e6d41ae06943423800f21b8749fca205/aiohttp-3.11.9-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:d3108f0ad5c6b6d78eec5273219a5bbd884b4aacec17883ceefaac988850ce6e", size = 1731893 }, + { url = "https://files.pythonhosted.org/packages/79/3b/b6ee96bef06f8bae0764c0fd8ecbd363e79fac2056b0fa79ede2a8673e30/aiohttp-3.11.9-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:96bbec47beb131bbf4bae05d8ef99ad9e5738f12717cfbbf16648b78b0232e87", size = 1754135 }, + { url = "https://files.pythonhosted.org/packages/f0/42/9a44c25105c232f1bbed50664ebc30de740e08d1d8de880836536ae5bc92/aiohttp-3.11.9-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:fc726c3fa8f606d07bd2b500e5dc4c0fd664c59be7788a16b9e34352c50b6b6b", size = 1691731 }, + { url = "https://files.pythonhosted.org/packages/23/18/6d0d5873f6e1b2ce24520d4473998c246b3849724b4522cd3839e20f829f/aiohttp-3.11.9-cp311-cp311-win32.whl", hash = "sha256:5720ebbc7a1b46c33a42d489d25d36c64c419f52159485e55589fbec648ea49a", size = 415406 }, + { url = "https://files.pythonhosted.org/packages/f4/e9/472aa43749d48b3de28e4b16a5a663555e7b832d3b7fa9a3ceb766b1287e/aiohttp-3.11.9-cp311-cp311-win_amd64.whl", hash = "sha256:17af09d963fa1acd7e4c280e9354aeafd9e3d47eaa4a6bfbd2171ad7da49f0c5", size = 441501 }, + { url = "https://files.pythonhosted.org/packages/fa/43/b3c28a7e8f8b5e8ef0bea9fcabe8e99787c70fa526e5bc8185fd89f46434/aiohttp-3.11.9-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:c1f2d7fd583fc79c240094b3e7237d88493814d4b300d013a42726c35a734bc9", size = 703661 }, + { url = "https://files.pythonhosted.org/packages/f3/2c/be4624671e5ed344fca9196d0823eb6a17383cbe13d051d22d3a1f6ecbf7/aiohttp-3.11.9-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:d4b8a1b6c7a68c73191f2ebd3bf66f7ce02f9c374e309bdb68ba886bbbf1b938", size = 463054 }, + { url = "https://files.pythonhosted.org/packages/d6/21/8d14fa0bdae468ebe419df1764583ecc9e995a2ccd8a11ee8146a09fb5e5/aiohttp-3.11.9-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:bd3f711f4c99da0091ced41dccdc1bcf8be0281dc314d6d9c6b6cf5df66f37a9", size = 455006 }, + { url = "https://files.pythonhosted.org/packages/42/de/3fc5e94a24bf079709e9fed3572ebb5efb32f0995baf08a985ee9f517b0b/aiohttp-3.11.9-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:44cb1a1326a0264480a789e6100dc3e07122eb8cd1ad6b784a3d47d13ed1d89c", size = 1681364 }, + { url = "https://files.pythonhosted.org/packages/69/e0/bd9346efcdd3344284e4b4088bc2c720065176bd9180517bdc7097218903/aiohttp-3.11.9-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7a7ddf981a0b953ade1c2379052d47ccda2f58ab678fca0671c7c7ca2f67aac2", size = 1735986 }, + { url = "https://files.pythonhosted.org/packages/9b/a5/549ce29e21ebf555dcf5c81e19e6eb30eb8de26f8da304f05a28d6d66d8c/aiohttp-3.11.9-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6ffa45cc55b18d4ac1396d1ddb029f139b1d3480f1594130e62bceadf2e1a838", size = 1792263 }, + { url = "https://files.pythonhosted.org/packages/7a/2b/23124c04701e0d2e215be59bf445c33602b1ccc4d9acb7bccc2ec20c892d/aiohttp-3.11.9-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cca505829cdab58c2495ff418c96092d225a1bbd486f79017f6de915580d3c44", size = 1690838 }, + { url = "https://files.pythonhosted.org/packages/af/a6/ebb8be53787c57dd7dd8b9617357af60d603ccd2fbf7a9e306f33178894b/aiohttp-3.11.9-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:44d323aa80a867cb6db6bebb4bbec677c6478e38128847f2c6b0f70eae984d72", size = 1618311 }, + { url = "https://files.pythonhosted.org/packages/9b/3c/cb8e5af30e33775539b4a6ea818eb16b0b01f68ce7a2fa77dff5df3dee80/aiohttp-3.11.9-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:b2fab23003c4bb2249729a7290a76c1dda38c438300fdf97d4e42bf78b19c810", size = 1640417 }, + { url = "https://files.pythonhosted.org/packages/16/2d/62593ce65e5811ea46e521644e03d0c47345bf9b6c2e6efcb759915d6aa3/aiohttp-3.11.9-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:be0c7c98e38a1e3ad7a6ff64af8b6d6db34bf5a41b1478e24c3c74d9e7f8ed42", size = 1645507 }, + { url = "https://files.pythonhosted.org/packages/4f/6b/810981c99932665a225d7bdffacbda512dde6f11364ce11477662e457115/aiohttp-3.11.9-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:5cc5e0d069c56645446c45a4b5010d4b33ac6c5ebfd369a791b5f097e46a3c08", size = 1701090 }, + { url = "https://files.pythonhosted.org/packages/1c/01/79c8d156534c034207ccbb94a51f1ae4a625834a31e27670175f1e1e79b2/aiohttp-3.11.9-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:9bcf97b971289be69638d8b1b616f7e557e1342debc7fc86cf89d3f08960e411", size = 1733598 }, + { url = "https://files.pythonhosted.org/packages/c0/8f/873f0d3a47ec203ccd04dbd623f2428b6010ba6b11107aa9b44ad0ebfc86/aiohttp-3.11.9-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:c7333e7239415076d1418dbfb7fa4df48f3a5b00f8fdf854fca549080455bc14", size = 1693573 }, + { url = "https://files.pythonhosted.org/packages/2f/8c/a4964108383eb8f0e5a85ee0fdc00f9f0bdf28bb6a751be05a63c047ccbe/aiohttp-3.11.9-cp312-cp312-win32.whl", hash = "sha256:9384b07cfd3045b37b05ed002d1c255db02fb96506ad65f0f9b776b762a7572e", size = 410354 }, + { url = "https://files.pythonhosted.org/packages/c8/9e/79aed1b3e110a02081ca47ba4a27d7e20040af241643a2e527c668634f22/aiohttp-3.11.9-cp312-cp312-win_amd64.whl", hash = "sha256:f5252ba8b43906f206048fa569debf2cd0da0316e8d5b4d25abe53307f573941", size = 436657 }, + { url = "https://files.pythonhosted.org/packages/33/ec/217d8918032703639d64360e4534a33899cc1a5eda89268d4fa621e18b67/aiohttp-3.11.9-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:282e0a7ddd36ebc411f156aeaa0491e8fe7f030e2a95da532cf0c84b0b70bc66", size = 696994 }, + { url = "https://files.pythonhosted.org/packages/48/e4/262211b96cba78614be9bae7086af0dba8e8050c43996f2912992173eb57/aiohttp-3.11.9-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:ebd3e6b0c7d4954cca59d241970011f8d3327633d555051c430bd09ff49dc494", size = 459669 }, + { url = "https://files.pythonhosted.org/packages/51/f5/ef76735af2d69671aa8cb185c07da84973a2ca74bb44af9fdb980207118f/aiohttp-3.11.9-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:30f9f89ae625d412043f12ca3771b2ccec227cc93b93bb1f994db6e1af40a7d3", size = 451949 }, + { url = "https://files.pythonhosted.org/packages/ba/83/867487d4ca86327060b93f3eea70963996a7ebb0c16f61c214f801351d4a/aiohttp-3.11.9-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7a3b5b2c012d70c63d9d13c57ed1603709a4d9d7d473e4a9dfece0e4ea3d5f51", size = 1664171 }, + { url = "https://files.pythonhosted.org/packages/ca/7d/b185b4b6b01bf66bcaf1b23afff3073fc85d2f0765203269ee4976be2cf8/aiohttp-3.11.9-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6ef1550bb5f55f71b97a6a395286db07f7f2c01c8890e613556df9a51da91e8d", size = 1716933 }, + { url = "https://files.pythonhosted.org/packages/a9/b3/70d7f26a874e96f932237e53017b048ecd754f06a29947bdf7ce39cade98/aiohttp-3.11.9-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:317251b9c9a2f1a9ff9cd093775b34c6861d1d7df9439ce3d32a88c275c995cd", size = 1774117 }, + { url = "https://files.pythonhosted.org/packages/a5/6e/457acf09ac5bd6db5ae8b1fa68beb3000c989a2a20dc265a507123f7a689/aiohttp-3.11.9-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21cbe97839b009826a61b143d3ca4964c8590d7aed33d6118125e5b71691ca46", size = 1676168 }, + { url = "https://files.pythonhosted.org/packages/e8/e8/2b4719633d0a8189dfce343af800d23163b8831cb5aa175d4c400b03895b/aiohttp-3.11.9-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:618b18c3a2360ac940a5503da14fa4f880c5b9bc315ec20a830357bcc62e6bae", size = 1602187 }, + { url = "https://files.pythonhosted.org/packages/d8/0c/8938b85edaf0a8fee2ede7bbffd32e09b056475f7586b0852973749c5fff/aiohttp-3.11.9-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:a0cf4d814689e58f57ecd5d8c523e6538417ca2e72ff52c007c64065cef50fb2", size = 1617286 }, + { url = "https://files.pythonhosted.org/packages/1e/5c/825714aa554c4ef331a8c1a16b3183c5e4bf27c66073955d4f51344907dc/aiohttp-3.11.9-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:15c4e489942d987d5dac0ba39e5772dcbed4cc9ae3710d1025d5ba95e4a5349c", size = 1615518 }, + { url = "https://files.pythonhosted.org/packages/c8/1c/6c821e7cf956e833a72a5284ff19484c7dedb749224e16fda297fa38bbc2/aiohttp-3.11.9-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:ec8df0ff5a911c6d21957a9182402aad7bf060eaeffd77c9ea1c16aecab5adbf", size = 1684466 }, + { url = "https://files.pythonhosted.org/packages/6b/47/3e921cbf7d7c4edfe95ddb7e8315a8f3645d824863ef2c2eab5dfa0342bc/aiohttp-3.11.9-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:ed95d66745f53e129e935ad726167d3a6cb18c5d33df3165974d54742c373868", size = 1714304 }, + { url = "https://files.pythonhosted.org/packages/25/89/e68e3efd357f233265abcf22c48c4d1e81f992f264cd4dc69b96c5a13c47/aiohttp-3.11.9-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:647ec5bee7e4ec9f1034ab48173b5fa970d9a991e565549b965e93331f1328fe", size = 1671774 }, + { url = "https://files.pythonhosted.org/packages/79/e1/4adaed8c8ef93c2ae54b001cd0e8dd6c84b40044038acb322b649150dc96/aiohttp-3.11.9-cp313-cp313-win32.whl", hash = "sha256:ef2c9499b7bd1e24e473dc1a85de55d72fd084eea3d8bdeec7ee0720decb54fa", size = 409216 }, + { url = "https://files.pythonhosted.org/packages/00/9b/bf33704ac9b438d6dad417f86f1e9439e2538180189b0e347a95ff819011/aiohttp-3.11.9-cp313-cp313-win_amd64.whl", hash = "sha256:84de955314aa5e8d469b00b14d6d714b008087a0222b0f743e7ffac34ef56aff", size = 435069 }, ] [[package]] @@ -339,14 +255,11 @@ wheels = [ [[package]] name = "asttokens" -version = "2.4.1" +version = "3.0.0" source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "six" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/45/1d/f03bcb60c4a3212e15f99a56085d93093a497718adf828d050b9d675da81/asttokens-2.4.1.tar.gz", hash = "sha256:b03869718ba9a6eb027e134bfdf69f38a236d681c83c160d510768af11254ba0", size = 62284 } +sdist = { url = "https://files.pythonhosted.org/packages/4a/e7/82da0a03e7ba5141f05cce0d302e6eed121ae055e0456ca228bf693984bc/asttokens-3.0.0.tar.gz", hash = "sha256:0dcd8baa8d62b0c1d118b399b2ddba3c4aff271d0d7a9e0d4c1681c79035bbc7", size = 61978 } wheels = [ - { url = "https://files.pythonhosted.org/packages/45/86/4736ac618d82a20d87d2f92ae19441ebc7ac9e7a581d7e58bbe79233b24a/asttokens-2.4.1-py2.py3-none-any.whl", hash = "sha256:051ed49c3dcae8913ea7cd08e46a606dba30b79993209636c4875bc1d637bc24", size = 27764 }, + { url = "https://files.pythonhosted.org/packages/25/8a/c46dcc25341b5bce5472c718902eb3d38600a903b14fa6aeecef3f21a46f/asttokens-3.0.0-py3-none-any.whl", hash = "sha256:e3078351a059199dd5138cb1c706e6430c05eff2ff136af5eb4790f9d28932e2", size = 26918 }, ] [[package]] @@ -995,11 +908,11 @@ wheels = [ [[package]] name = "fastjsonschema" -version = "2.21.0" +version = "2.21.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/31/d0/492a26afa3bdd0cb5dd78f59d7f4ca902d8e335856530e599e0d1ed9140d/fastjsonschema-2.21.0.tar.gz", hash = "sha256:a02026bbbedc83729da3bfff215564b71902757f33f60089f1abae193daa4771", size = 373839 } +sdist = { url = "https://files.pythonhosted.org/packages/8b/50/4b769ce1ac4071a1ef6d86b1a3fb56cdc3a37615e8c5519e1af96cdac366/fastjsonschema-2.21.1.tar.gz", hash = "sha256:794d4f0a58f848961ba16af7b9c85a3e88cd360df008c59aac6fc5ae9323b5d4", size = 373939 } wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/3a/404a60bb9789ce4daecbb4ec780bee1c46d2ea5258cf689b7ab63acefd6f/fastjsonschema-2.21.0-py3-none-any.whl", hash = "sha256:5b23b8e7c9c6adc0ecb91c03a0768cb48cd154d9159378a69c8318532e0b5cbf", size = 23911 }, + { url = "https://files.pythonhosted.org/packages/90/2b/0817a2b257fe88725c25589d89aec060581aabf668707a8d03b2e9e0cb2a/fastjsonschema-2.21.1-py3-none-any.whl", hash = "sha256:c9e5b7e908310918cf494a434eeb31384dd84a98b57a30bcb1f535015b554667", size = 23924 }, ] [[package]] @@ -1384,46 +1297,46 @@ wheels = [ [[package]] name = "grpcio" -version = "1.68.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d5/da/132615afbfc722df4bba963844843a205aa298fd5f9a03fa2995e8dddf11/grpcio-1.68.0.tar.gz", hash = "sha256:7e7483d39b4a4fddb9906671e9ea21aaad4f031cdfc349fec76bdfa1e404543a", size = 12682655 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/57/31/31de69f683298451ec7663cb1e0c36ef07835e9a2b486dfd3665a189f7d1/grpcio-1.68.0-cp310-cp310-linux_armv7l.whl", hash = "sha256:619b5d0f29f4f5351440e9343224c3e19912c21aeda44e0c49d0d147a8d01544", size = 5170661 }, - { url = "https://files.pythonhosted.org/packages/0a/7b/caed06de43176982308404aff36141c0af03d279990baad45195254069cf/grpcio-1.68.0-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:a59f5822f9459bed098ffbceb2713abbf7c6fd13f2b9243461da5c338d0cd6c3", size = 11077092 }, - { url = "https://files.pythonhosted.org/packages/57/b1/330966311df3097ca153c38e5ecc7fd872c82485ebda2b999c256cfc20e3/grpcio-1.68.0-cp310-cp310-manylinux_2_17_aarch64.whl", hash = "sha256:c03d89df516128febc5a7e760d675b478ba25802447624edf7aa13b1e7b11e2a", size = 5689632 }, - { url = "https://files.pythonhosted.org/packages/11/ee/4d2b67b244ecb765cf02ede2e8b8f7d5dbb9d6cd8290d6edc495dbade950/grpcio-1.68.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:44bcbebb24363d587472089b89e2ea0ab2e2b4df0e4856ba4c0b087c82412121", size = 6316787 }, - { url = "https://files.pythonhosted.org/packages/d0/64/3a90fac70af2279477483d189007e244fec90ef0ba372043f21f8a6f5b80/grpcio-1.68.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:79f81b7fbfb136247b70465bd836fa1733043fdee539cd6031cb499e9608a110", size = 5941966 }, - { url = "https://files.pythonhosted.org/packages/cc/a4/a30b344da85d680d834fed903e78c44a33028eadb9efae6850a7d398fd9b/grpcio-1.68.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:88fb2925789cfe6daa20900260ef0a1d0a61283dfb2d2fffe6194396a354c618", size = 6646172 }, - { url = "https://files.pythonhosted.org/packages/c7/5a/b97371b4dbecbae31cafee6655f1982193a6e6412da2808c87c9b1734589/grpcio-1.68.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:99f06232b5c9138593ae6f2e355054318717d32a9c09cdc5a2885540835067a1", size = 6212496 }, - { url = "https://files.pythonhosted.org/packages/47/df/dc797a6cb827fc6cf1ed4da812b3721b7705869d84d50d112543bb4ecf1b/grpcio-1.68.0-cp310-cp310-win32.whl", hash = "sha256:a6213d2f7a22c3c30a479fb5e249b6b7e648e17f364598ff64d08a5136fe488b", size = 3649704 }, - { url = "https://files.pythonhosted.org/packages/24/9a/91796bf4d7c6adb867add0ea37f83ea29d8a9743809f3478e5d284926775/grpcio-1.68.0-cp310-cp310-win_amd64.whl", hash = "sha256:15327ab81131ef9b94cb9f45b5bd98803a179c7c61205c8c0ac9aff9d6c4e82a", size = 4399061 }, - { url = "https://files.pythonhosted.org/packages/cf/5f/019594ff8130ce84f9317cfc1e3d2c2beef2b74fd8822c5f1dfe237cb0d5/grpcio-1.68.0-cp311-cp311-linux_armv7l.whl", hash = "sha256:3b2b559beb2d433129441783e5f42e3be40a9e1a89ec906efabf26591c5cd415", size = 5180685 }, - { url = "https://files.pythonhosted.org/packages/7b/59/34dae935bbb42f3e8929c90e9dfff49090cef412cf767cf4f14cd01ded18/grpcio-1.68.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:e46541de8425a4d6829ac6c5d9b16c03c292105fe9ebf78cb1c31e8d242f9155", size = 11150577 }, - { url = "https://files.pythonhosted.org/packages/a6/5e/3df718124aadfc5d565c70ebe6a32c9ee747a9ccf211041596dd471fd763/grpcio-1.68.0-cp311-cp311-manylinux_2_17_aarch64.whl", hash = "sha256:c1245651f3c9ea92a2db4f95d37b7597db6b246d5892bca6ee8c0e90d76fb73c", size = 5685490 }, - { url = "https://files.pythonhosted.org/packages/4c/57/4e39ac1030875e0497debc9d5a4b3a1478ee1bd957ba4b87c27fcd7a3545/grpcio-1.68.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4f1931c7aa85be0fa6cea6af388e576f3bf6baee9e5d481c586980c774debcb4", size = 6316329 }, - { url = "https://files.pythonhosted.org/packages/26/fe/9208707b0c07d28bb9f466340e4f052142fe40d54ea5c2d57870ba0d6860/grpcio-1.68.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8b0ff09c81e3aded7a183bc6473639b46b6caa9c1901d6f5e2cba24b95e59e30", size = 5939890 }, - { url = "https://files.pythonhosted.org/packages/05/b9/e344bf744e095e2795fe942ce432add2d03761c3c440a5747705ff5b8efb/grpcio-1.68.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:8c73f9fbbaee1a132487e31585aa83987ddf626426d703ebcb9a528cf231c9b1", size = 6644776 }, - { url = "https://files.pythonhosted.org/packages/ef/bf/0856c5fa93c3e1bd9f42da62a7aa6988c7a8f95f30dc4f9a3d631f75bb8e/grpcio-1.68.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:6b2f98165ea2790ea159393a2246b56f580d24d7da0d0342c18a085299c40a75", size = 6211889 }, - { url = "https://files.pythonhosted.org/packages/63/40/eac5203baf7f45c56b16645c81a4c8ed515510fe81322371e8625758239b/grpcio-1.68.0-cp311-cp311-win32.whl", hash = "sha256:e1e7ed311afb351ff0d0e583a66fcb39675be112d61e7cfd6c8269884a98afbc", size = 3650597 }, - { url = "https://files.pythonhosted.org/packages/e4/31/120ec7132e6b82a0df91952f71aa0aa5e9f23d70152b58d96fac9b3e7cfe/grpcio-1.68.0-cp311-cp311-win_amd64.whl", hash = "sha256:e0d2f68eaa0a755edd9a47d40e50dba6df2bceda66960dee1218da81a2834d27", size = 4400445 }, - { url = "https://files.pythonhosted.org/packages/30/66/79508e13feee4182e6f2ea260ad4eea96b8b396bbf81334660142a6eecab/grpcio-1.68.0-cp312-cp312-linux_armv7l.whl", hash = "sha256:8af6137cc4ae8e421690d276e7627cfc726d4293f6607acf9ea7260bd8fc3d7d", size = 5147575 }, - { url = "https://files.pythonhosted.org/packages/41/8d/19ffe12a736f57e9860bad506c0e711dd3c9c7c9f06030cfd87fa3eb6b45/grpcio-1.68.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:4028b8e9a3bff6f377698587d642e24bd221810c06579a18420a17688e421af7", size = 11126767 }, - { url = "https://files.pythonhosted.org/packages/9c/c6/9aa8178d0fa3c893531a3ef38fa65a0e9997047ded9a8a20e3aa5706f923/grpcio-1.68.0-cp312-cp312-manylinux_2_17_aarch64.whl", hash = "sha256:f60fa2adf281fd73ae3a50677572521edca34ba373a45b457b5ebe87c2d01e1d", size = 5644649 }, - { url = "https://files.pythonhosted.org/packages/36/91/e2c451a103b8b595d3e3725fc78c76242d38a96cfe22dd9a47c31faba99d/grpcio-1.68.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e18589e747c1e70b60fab6767ff99b2d0c359ea1db8a2cb524477f93cdbedf5b", size = 6292623 }, - { url = "https://files.pythonhosted.org/packages/0b/5f/cbb2c0dfb3f7b893b30d6daca0a7829067f302c55f20b9c470111f48e6e3/grpcio-1.68.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e0d30f3fee9372796f54d3100b31ee70972eaadcc87314be369360248a3dcffe", size = 5905873 }, - { url = "https://files.pythonhosted.org/packages/9d/37/ddc32a46baccac6a0a3cdcabd6908d23dfa526f061a1b81211fe029489c7/grpcio-1.68.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:7e0a3e72c0e9a1acab77bef14a73a416630b7fd2cbd893c0a873edc47c42c8cd", size = 6630863 }, - { url = "https://files.pythonhosted.org/packages/45/69/4f74f67ae33be4422bd20050e09ad8b5318f8827a7eb153507de8fb78aef/grpcio-1.68.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:a831dcc343440969aaa812004685ed322cdb526cd197112d0db303b0da1e8659", size = 6200368 }, - { url = "https://files.pythonhosted.org/packages/91/e9/25e51915cd972e8c66daf29644e653135f967d7411eccd2651fa347a6337/grpcio-1.68.0-cp312-cp312-win32.whl", hash = "sha256:5a180328e92b9a0050958ced34dddcb86fec5a8b332f5a229e353dafc16cd332", size = 3637786 }, - { url = "https://files.pythonhosted.org/packages/e2/1d/b1250907a727f08de6508d752f367e4b46d113d4eac9eb919ebd9da6a5d6/grpcio-1.68.0-cp312-cp312-win_amd64.whl", hash = "sha256:2bddd04a790b69f7a7385f6a112f46ea0b34c4746f361ebafe9ca0be567c78e9", size = 4390622 }, - { url = "https://files.pythonhosted.org/packages/fb/2d/d9cbdb75dc99141705f08474e97b181034c2e53a345d94b58e3c55f4dd92/grpcio-1.68.0-cp313-cp313-linux_armv7l.whl", hash = "sha256:fc05759ffbd7875e0ff2bd877be1438dfe97c9312bbc558c8284a9afa1d0f40e", size = 5149697 }, - { url = "https://files.pythonhosted.org/packages/6f/37/a848871a5adba8cd571fa89e8aabc40ca0c475bd78b2e645e1649b20e095/grpcio-1.68.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:15fa1fe25d365a13bc6d52fcac0e3ee1f9baebdde2c9b3b2425f8a4979fccea1", size = 11084394 }, - { url = "https://files.pythonhosted.org/packages/1f/52/b09374aab9c9c2f66627ce7de39eef41d73670aa0f75286d91dcc22a2dd8/grpcio-1.68.0-cp313-cp313-manylinux_2_17_aarch64.whl", hash = "sha256:32a9cb4686eb2e89d97022ecb9e1606d132f85c444354c17a7dbde4a455e4a3b", size = 5645417 }, - { url = "https://files.pythonhosted.org/packages/01/78/ec5ad7c44d7adaf0b932fd41ce8c59a95177a8c79c947c77204600b652db/grpcio-1.68.0-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dba037ff8d284c8e7ea9a510c8ae0f5b016004f13c3648f72411c464b67ff2fb", size = 6291062 }, - { url = "https://files.pythonhosted.org/packages/f7/7f/7f5a1a8dc63a42b78ca930d195eb0c97aa7a09e8553bb3a07b7cf37f6bc1/grpcio-1.68.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0efbbd849867e0e569af09e165363ade75cf84f5229b2698d53cf22c7a4f9e21", size = 5906505 }, - { url = "https://files.pythonhosted.org/packages/41/7b/0b048b8ad1a09fab5f4567fba2a569fb9106c4c1bb473c009c25659542cb/grpcio-1.68.0-cp313-cp313-musllinux_1_1_i686.whl", hash = "sha256:4e300e6978df0b65cc2d100c54e097c10dfc7018b9bd890bbbf08022d47f766d", size = 6635069 }, - { url = "https://files.pythonhosted.org/packages/5e/c5/9f0ebc9cfba8309a15a9786c953ce99eaf4e1ca2df402b3c5ecf42493bd4/grpcio-1.68.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:6f9c7ad1a23e1047f827385f4713b5b8c6c7d325705be1dd3e31fb00dcb2f665", size = 6200683 }, - { url = "https://files.pythonhosted.org/packages/ce/e1/d3eba05299d5acdae6c11d056308b885f1d1be0b328baa8233d5d139ec1d/grpcio-1.68.0-cp313-cp313-win32.whl", hash = "sha256:3ac7f10850fd0487fcce169c3c55509101c3bde2a3b454869639df2176b60a03", size = 3637301 }, - { url = "https://files.pythonhosted.org/packages/3c/c1/decb2b368a54c00a6ee815c3f610903f36432e3cb591d43369319826b05e/grpcio-1.68.0-cp313-cp313-win_amd64.whl", hash = "sha256:afbf45a62ba85a720491bfe9b2642f8761ff348006f5ef67e4622621f116b04a", size = 4390939 }, +version = "1.68.1" +source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/91/ec/b76ff6d86bdfd1737a5ec889394b54c18b1ec3832d91041e25023fbcb67d/grpcio-1.68.1.tar.gz", hash = "sha256:44a8502dd5de653ae6a73e2de50a401d84184f0331d0ac3daeb044e66d5c5054", size = 12694654 } +wheels = [ + { url = "https://files.pythonhosted.org/packages/f5/88/d1ac9676a0809e3efec154d45246474ec12a4941686da71ffb3d34190294/grpcio-1.68.1-cp310-cp310-linux_armv7l.whl", hash = "sha256:d35740e3f45f60f3c37b1e6f2f4702c23867b9ce21c6410254c9c682237da68d", size = 5171054 }, + { url = "https://files.pythonhosted.org/packages/ec/cb/94ca41e100201fee8876a4b44d64e43ac7405929909afe1fa943d65b25ef/grpcio-1.68.1-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:d99abcd61760ebb34bdff37e5a3ba333c5cc09feda8c1ad42547bea0416ada78", size = 11078566 }, + { url = "https://files.pythonhosted.org/packages/d5/b0/ad4c66f2e3181b4eab99885686c960c403ae2300bacfe427526282facc07/grpcio-1.68.1-cp310-cp310-manylinux_2_17_aarch64.whl", hash = "sha256:f8261fa2a5f679abeb2a0a93ad056d765cdca1c47745eda3f2d87f874ff4b8c9", size = 5690039 }, + { url = "https://files.pythonhosted.org/packages/67/1e/f5d3410674d021831c9fef2d1d7ca2357b08d09c840ad4e054ea8ffc302e/grpcio-1.68.1-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0feb02205a27caca128627bd1df4ee7212db051019a9afa76f4bb6a1a80ca95e", size = 6317470 }, + { url = "https://files.pythonhosted.org/packages/91/93/701d5f33b163a621c8f2d4453f9e22f6c14e996baed54118d0dea93fc8c7/grpcio-1.68.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:919d7f18f63bcad3a0f81146188e90274fde800a94e35d42ffe9eadf6a9a6330", size = 5941884 }, + { url = "https://files.pythonhosted.org/packages/67/44/06917ffaa35ca463b93dde60f324015fe4192312b0f4dd0faec061e7ca7f/grpcio-1.68.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:963cc8d7d79b12c56008aabd8b457f400952dbea8997dd185f155e2f228db079", size = 6646332 }, + { url = "https://files.pythonhosted.org/packages/d4/94/074db039532687ec8ef07ebbcc747c46547c94329016e22b97d97b9e5f3b/grpcio-1.68.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:ccf2ebd2de2d6661e2520dae293298a3803a98ebfc099275f113ce1f6c2a80f1", size = 6212515 }, + { url = "https://files.pythonhosted.org/packages/c5/f2/0c939264c36c6038fae1732a2a3e01a7075ba171a2154d86842ee0ac9b0a/grpcio-1.68.1-cp310-cp310-win32.whl", hash = "sha256:2cc1fd04af8399971bcd4f43bd98c22d01029ea2e56e69c34daf2bf8470e47f5", size = 3650459 }, + { url = "https://files.pythonhosted.org/packages/b6/90/b0e9278e88f747879d13b79fb893c9acb381fb90541ad9e416c7816c5eaf/grpcio-1.68.1-cp310-cp310-win_amd64.whl", hash = "sha256:ee2e743e51cb964b4975de572aa8fb95b633f496f9fcb5e257893df3be854746", size = 4399144 }, + { url = "https://files.pythonhosted.org/packages/fe/0d/fde5a5777d65696c39bb3e622fe1239dd0a878589bf6c5066980e7d19154/grpcio-1.68.1-cp311-cp311-linux_armv7l.whl", hash = "sha256:55857c71641064f01ff0541a1776bfe04a59db5558e82897d35a7793e525774c", size = 5180919 }, + { url = "https://files.pythonhosted.org/packages/07/fd/e5fa75b5ddf5d9f16606196973f9c2b4b1adf5a1735117eb7129fc33d2ec/grpcio-1.68.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4b177f5547f1b995826ef529d2eef89cca2f830dd8b2c99ffd5fde4da734ba73", size = 11150922 }, + { url = "https://files.pythonhosted.org/packages/86/1e/aaf5a1dae87fe47f277c5a1be72b31d2c209d095bebb0ce1d2df5cb8779c/grpcio-1.68.1-cp311-cp311-manylinux_2_17_aarch64.whl", hash = "sha256:3522c77d7e6606d6665ec8d50e867f13f946a4e00c7df46768f1c85089eae515", size = 5685685 }, + { url = "https://files.pythonhosted.org/packages/a9/69/c4fdf87d5c5696207e2ed232e4bdde656d8c99ba91f361927f3f06aa41ca/grpcio-1.68.1-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9d1fae6bbf0816415b81db1e82fb3bf56f7857273c84dcbe68cbe046e58e1ccd", size = 6316535 }, + { url = "https://files.pythonhosted.org/packages/6f/c6/539660516ea7db7bc3d39e07154512ae807961b14ec6b5b0c58d15657ff1/grpcio-1.68.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:298ee7f80e26f9483f0b6f94cc0a046caf54400a11b644713bb5b3d8eb387600", size = 5939920 }, + { url = "https://files.pythonhosted.org/packages/38/f3/97a74dc4dd95bf195168d6da2ca4731ab7d3d0b03078f2833b4ff9c4f48f/grpcio-1.68.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:cbb5780e2e740b6b4f2d208e90453591036ff80c02cc605fea1af8e6fc6b1bbe", size = 6644770 }, + { url = "https://files.pythonhosted.org/packages/cb/36/79a5e04073e58106aff442509a0c459151fa4f43202395db3eb8f77b78e9/grpcio-1.68.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:ddda1aa22495d8acd9dfbafff2866438d12faec4d024ebc2e656784d96328ad0", size = 6211743 }, + { url = "https://files.pythonhosted.org/packages/73/0f/2250f4a0de1a0bec0726c47a021cbf71af6105f512ecaf67703e2eb1ad2f/grpcio-1.68.1-cp311-cp311-win32.whl", hash = "sha256:b33bd114fa5a83f03ec6b7b262ef9f5cac549d4126f1dc702078767b10c46ed9", size = 3650734 }, + { url = "https://files.pythonhosted.org/packages/4b/29/061c93a35f498238dc35eb8fb039ce168aa99cac2f0f1ce0c8a0a4bdb274/grpcio-1.68.1-cp311-cp311-win_amd64.whl", hash = "sha256:7f20ebec257af55694d8f993e162ddf0d36bd82d4e57f74b31c67b3c6d63d8b2", size = 4400816 }, + { url = "https://files.pythonhosted.org/packages/f5/15/674a1468fef234fa996989509bbdfc0d695878cbb385b9271f5d690d5cd3/grpcio-1.68.1-cp312-cp312-linux_armv7l.whl", hash = "sha256:8829924fffb25386995a31998ccbbeaa7367223e647e0122043dfc485a87c666", size = 5148351 }, + { url = "https://files.pythonhosted.org/packages/62/f5/edce368682d6d0b3573b883b134df022a44b1c888ea416dd7d78d480ab24/grpcio-1.68.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:3aed6544e4d523cd6b3119b0916cef3d15ef2da51e088211e4d1eb91a6c7f4f1", size = 11127559 }, + { url = "https://files.pythonhosted.org/packages/ce/14/a6fde3114eafd9e4e345d1ebd0291c544d83b22f0554b1678a2968ae39e1/grpcio-1.68.1-cp312-cp312-manylinux_2_17_aarch64.whl", hash = "sha256:4efac5481c696d5cb124ff1c119a78bddbfdd13fc499e3bc0ca81e95fc573684", size = 5645221 }, + { url = "https://files.pythonhosted.org/packages/21/21/d1865bd6a22f9a26217e4e1b35f9105f7a0cdfb7a5fffe8be48e1a1afafc/grpcio-1.68.1-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6ab2d912ca39c51f46baf2a0d92aa265aa96b2443266fc50d234fa88bf877d8e", size = 6292270 }, + { url = "https://files.pythonhosted.org/packages/3a/f6/19798be6c3515a7b1fb9570198c91710472e2eb21f1900109a76834829e3/grpcio-1.68.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95c87ce2a97434dffe7327a4071839ab8e8bffd0054cc74cbe971fba98aedd60", size = 5905978 }, + { url = "https://files.pythonhosted.org/packages/9b/43/c3670a657445cd55be1246f64dbc3a6a33cab0f0141c5836df2e04f794c8/grpcio-1.68.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e4842e4872ae4ae0f5497bf60a0498fa778c192cc7a9e87877abd2814aca9475", size = 6630444 }, + { url = "https://files.pythonhosted.org/packages/80/69/fbbebccffd266bea4268b685f3e8e03613405caba69e93125dc783036465/grpcio-1.68.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:255b1635b0ed81e9f91da4fcc8d43b7ea5520090b9a9ad9340d147066d1d3613", size = 6200324 }, + { url = "https://files.pythonhosted.org/packages/65/5c/27a26c21916f94f0c1585111974a5d5a41d8420dcb42c2717ee514c97a97/grpcio-1.68.1-cp312-cp312-win32.whl", hash = "sha256:7dfc914cc31c906297b30463dde0b9be48e36939575eaf2a0a22a8096e69afe5", size = 3638381 }, + { url = "https://files.pythonhosted.org/packages/a3/ba/ba6b65ccc93c7df1031c6b41e45b79a5a37e46b81d816bb3ea68ba476d77/grpcio-1.68.1-cp312-cp312-win_amd64.whl", hash = "sha256:a0c8ddabef9c8f41617f213e527254c41e8b96ea9d387c632af878d05db9229c", size = 4389959 }, + { url = "https://files.pythonhosted.org/packages/37/1a/15ccc08da339a5536690e6f877963422a5abf3f6dfeed96b3175f5c816b9/grpcio-1.68.1-cp313-cp313-linux_armv7l.whl", hash = "sha256:a47faedc9ea2e7a3b6569795c040aae5895a19dde0c728a48d3c5d7995fda385", size = 5149822 }, + { url = "https://files.pythonhosted.org/packages/bc/fe/91bb4b160cd251d5b5ee722e6342355f76d1ffe176c50a6ef0e8256fbb47/grpcio-1.68.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:390eee4225a661c5cd133c09f5da1ee3c84498dc265fd292a6912b65c421c78c", size = 11085016 }, + { url = "https://files.pythonhosted.org/packages/55/2d/0bb2478410f5896da1090b9f43c2979dd72e7e97d10bc223bfbdddcf8eca/grpcio-1.68.1-cp313-cp313-manylinux_2_17_aarch64.whl", hash = "sha256:66a24f3d45c33550703f0abb8b656515b0ab777970fa275693a2f6dc8e35f1c1", size = 5645634 }, + { url = "https://files.pythonhosted.org/packages/f5/6c/e2d22d963b695f87a09965246beb1c3224b09ffc666fc0b285820926499a/grpcio-1.68.1-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c08079b4934b0bf0a8847f42c197b1d12cba6495a3d43febd7e99ecd1cdc8d54", size = 6291096 }, + { url = "https://files.pythonhosted.org/packages/6f/f6/21d9204e2c4c0804ad72be8c830c44f0e1355e649c173f87508b7f0e5488/grpcio-1.68.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8720c25cd9ac25dd04ee02b69256d0ce35bf8a0f29e20577427355272230965a", size = 5906528 }, + { url = "https://files.pythonhosted.org/packages/39/2a/bf6ae4fef13755ca236d587d630b82207cfad43cf956870adead97fd1ef1/grpcio-1.68.1-cp313-cp313-musllinux_1_1_i686.whl", hash = "sha256:04cfd68bf4f38f5bb959ee2361a7546916bd9a50f78617a346b3aeb2b42e2161", size = 6634215 }, + { url = "https://files.pythonhosted.org/packages/5b/83/9c96a6adfbea5e8a9ed408410c0259942713be64173b8816c7bf6ac2d830/grpcio-1.68.1-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:c28848761a6520c5c6071d2904a18d339a796ebe6b800adc8b3f474c5ce3c3ad", size = 6200750 }, + { url = "https://files.pythonhosted.org/packages/b4/3e/af42f87759c6301c4fed894b3dd801b13162ba1d8e2942412e788ac749eb/grpcio-1.68.1-cp313-cp313-win32.whl", hash = "sha256:77d65165fc35cff6e954e7fd4229e05ec76102d4406d4576528d3a3635fc6172", size = 3637594 }, + { url = "https://files.pythonhosted.org/packages/7e/d1/3bef33a3d5d26d4ea9284e1b464f481d6d21ed8ae1c3da381b05f62c701d/grpcio-1.68.1-cp313-cp313-win_amd64.whl", hash = "sha256:a8040f85dcb9830d8bbb033ae66d272614cec6faceee88d37a88a9bd1a7a704e", size = 4391184 }, ] [[package]] @@ -1698,8 +1611,7 @@ tf-cuda = [ { name = "tf-keras" }, ] torch = [ - { name = "lightning", version = "2.3.3", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, - { name = "lightning", version = "2.4.0", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Windows'" }, + { name = "lightning" }, { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Darwin'" }, { name = "torchaudio" }, @@ -1801,14 +1713,14 @@ wheels = [ [[package]] name = "jsonargparse" -version = "4.34.0" +version = "4.34.1" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyyaml" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a3/6e/d2cb1f3791ac7798aebcdec6dc97650f981fbda3047a09cfa15058d5552c/jsonargparse-4.34.0.tar.gz", hash = "sha256:88b3ff0beaff40909dc69244f0527b054f8be0132086c72aa7e1d99414024b43", size = 190143 } +sdist = { url = "https://files.pythonhosted.org/packages/2d/88/274618a0dea9760a4d5799e7529e4481fb60b6440c71e328a5c59123c060/jsonargparse-4.34.1.tar.gz", hash = "sha256:6e0d1ab67b12b1086fe7bbe5ba429fbe9865c36493c9bb6aeb1e243047fdb58c", size = 190417 } wheels = [ - { url = "https://files.pythonhosted.org/packages/53/6f/93a76515e581b2008104f21281ae673950fe642a65cbeb0647687c6ae1a0/jsonargparse-4.34.0-py3-none-any.whl", hash = "sha256:a3eb8a9a289332066b1b33463efa49d5d2a8d729b6cb60e9e30231d0c19dfb13", size = 210592 }, + { url = "https://files.pythonhosted.org/packages/87/b4/dae71d13424bd2a08699c6b93cb81fb0d07573e3f3feaf57bf1313b4172c/jsonargparse-4.34.1-py3-none-any.whl", hash = "sha256:1d595080e080d4581ef821b8ec71364037052be4da0f9c7bdafe95962672cee6", size = 210758 }, ] [package.optional-dependencies] @@ -2012,171 +1924,20 @@ wheels = [ [[package]] name = "lightning" -version = "2.3.3" +version = "2.4.0" source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", -] dependencies = [ - { name = "fsspec", extra = ["http"], marker = "platform_system != 'Windows'" }, - { name = "lightning-utilities", marker = "platform_system != 'Windows'" }, - { name = "numpy", marker = "platform_system != 'Windows'" }, - { name = "packaging", marker = "platform_system != 'Windows'" }, - { name = "pytorch-lightning", version = "2.3.3", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, - { name = "pyyaml", marker = "platform_system != 'Windows'" }, + { name = "fsspec", extra = ["http"] }, + { name = "lightning-utilities" }, + { name = "packaging" }, + { name = "pytorch-lightning" }, + { name = "pyyaml" }, { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, - { name = "torchmetrics", marker = "platform_system != 'Windows'" }, - { name = "tqdm", marker = "platform_system != 'Windows'" }, - { name = "typing-extensions", marker = "platform_system != 'Windows'" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/83/a9/dddaad0bc8b93aa9eec78033ab0d241058f137380483b4142d9de2ae7eea/lightning-2.3.3.tar.gz", hash = "sha256:7f454711895c1c6e455766f01fa39522e25e5ab54c15c5e5fbad342fa92bc93c", size = 618513 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8c/31/bb00abd336f2e635d8a49ea9e80a82981e364d6cd91738aeeef99ab2ed0a/lightning-2.3.3-py3-none-any.whl", hash = "sha256:5b4950f20b5117f30aad7820709cfa56669567cf4ded93df502b3dee443a6a5d", size = 808454 }, -] - -[[package]] -name = "lightning" -version = "2.4.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", -] -dependencies = [ - { name = "fsspec", extra = ["http"], marker = "platform_system == 'Windows'" }, - { name = "lightning-utilities", marker = "platform_system == 'Windows'" }, - { name = "packaging", marker = "platform_system == 'Windows'" }, - { name = "pytorch-lightning", version = "2.4.0", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Windows'" }, - { name = "pyyaml", marker = "platform_system == 'Windows'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system == 'Windows'" }, - { name = "torchmetrics", marker = "platform_system == 'Windows'" }, - { name = "tqdm", marker = "platform_system == 'Windows'" }, - { name = "typing-extensions", marker = "platform_system == 'Windows'" }, + { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, + { name = "torchmetrics" }, + { name = "tqdm" }, + { name = "typing-extensions" }, ] sdist = { url = "https://files.pythonhosted.org/packages/56/d0/78ea244ac044cd4df15aa8294a50ff3561fb177e7e5ba788aaa542046cae/lightning-2.4.0.tar.gz", hash = "sha256:9156604cc56e4b2b603f34fa7f0fe5107375c8e6d85e74544b319a15faa9ed0e", size = 620632 } wheels = [ @@ -2372,7 +2133,7 @@ wheels = [ [[package]] name = "matplotlib" -version = "3.9.2" +version = "3.9.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "contourpy" }, @@ -2385,37 +2146,38 @@ dependencies = [ { name = "pyparsing" }, { name = "python-dateutil" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9e/d8/3d7f706c69e024d4287c1110d74f7dabac91d9843b99eadc90de9efc8869/matplotlib-3.9.2.tar.gz", hash = "sha256:96ab43906269ca64a6366934106fa01534454a69e471b7bf3d79083981aaab92", size = 36088381 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/9d/84eeb82ecdd3ba71b12dd6ab5c820c5cc1e868003ecb3717d41b589ec02a/matplotlib-3.9.2-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:9d78bbc0cbc891ad55b4f39a48c22182e9bdaea7fc0e5dbd364f49f729ca1bbb", size = 7893310 }, - { url = "https://files.pythonhosted.org/packages/36/98/cbacbd30241369d099f9c13a2b6bc3b7068d85214f5b5795e583ac3d8aba/matplotlib-3.9.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c375cc72229614632c87355366bdf2570c2dac01ac66b8ad048d2dabadf2d0d4", size = 7764089 }, - { url = "https://files.pythonhosted.org/packages/a8/a0/917f3c6d3a8774a3a1502d9f3dfc1456e07c1fa0c211a23b75a69e154180/matplotlib-3.9.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d94ff717eb2bd0b58fe66380bd8b14ac35f48a98e7c6765117fe67fb7684e64", size = 8192377 }, - { url = "https://files.pythonhosted.org/packages/8d/9d/d06860390f9d154fa884f1740a5456378fb153ff57443c91a4a32bab7092/matplotlib-3.9.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab68d50c06938ef28681073327795c5db99bb4666214d2d5f880ed11aeaded66", size = 8303983 }, - { url = "https://files.pythonhosted.org/packages/9e/a7/c0e848ed7de0766c605af62d8097472a37f1a81d93e9afe94faa5890f24d/matplotlib-3.9.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:65aacf95b62272d568044531e41de26285d54aec8cb859031f511f84bd8b495a", size = 9083318 }, - { url = "https://files.pythonhosted.org/packages/09/6c/0fa50c001340a45cde44853c116d6551aea741e59a7261c38f473b53553b/matplotlib-3.9.2-cp310-cp310-win_amd64.whl", hash = "sha256:3fd595f34aa8a55b7fc8bf9ebea8aa665a84c82d275190a61118d33fbc82ccae", size = 7819628 }, - { url = "https://files.pythonhosted.org/packages/77/c2/f9d7fe80a8fcce9bb128d1381c6fe41a8d286d7e18395e273002e8e0fa34/matplotlib-3.9.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:d8dd059447824eec055e829258ab092b56bb0579fc3164fa09c64f3acd478772", size = 7902925 }, - { url = "https://files.pythonhosted.org/packages/28/ba/8be09886eb56ac04a218a1dc3fa728a5c4cac60b019b4f1687885166da00/matplotlib-3.9.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c797dac8bb9c7a3fd3382b16fe8f215b4cf0f22adccea36f1545a6d7be310b41", size = 7773193 }, - { url = "https://files.pythonhosted.org/packages/e6/9a/5991972a560db3ab621312a7ca5efec339ae2122f25901c0846865c4b72f/matplotlib-3.9.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d719465db13267bcef19ea8954a971db03b9f48b4647e3860e4bc8e6ed86610f", size = 8202378 }, - { url = "https://files.pythonhosted.org/packages/01/75/6c7ce560e95714a10fcbb3367d1304975a1a3e620f72af28921b796403f3/matplotlib-3.9.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8912ef7c2362f7193b5819d17dae8629b34a95c58603d781329712ada83f9447", size = 8314361 }, - { url = "https://files.pythonhosted.org/packages/6e/49/dc7384c6c092958e0b75e754efbd9e52500154939c3d715789cee9fb8a53/matplotlib-3.9.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:7741f26a58a240f43bee74965c4882b6c93df3e7eb3de160126d8c8f53a6ae6e", size = 9091428 }, - { url = "https://files.pythonhosted.org/packages/8b/ce/15b0bb2fb29b3d46211d8ca740b96b5232499fc49200b58b8d571292c9a6/matplotlib-3.9.2-cp311-cp311-win_amd64.whl", hash = "sha256:ae82a14dab96fbfad7965403c643cafe6515e386de723e498cf3eeb1e0b70cc7", size = 7829377 }, - { url = "https://files.pythonhosted.org/packages/82/de/54f7f38ce6de79cb77d513bb3eaa4e0b1031e9fd6022214f47943fa53a88/matplotlib-3.9.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:ac43031375a65c3196bee99f6001e7fa5bdfb00ddf43379d3c0609bdca042df9", size = 7892511 }, - { url = "https://files.pythonhosted.org/packages/35/3e/5713b84a02b24b2a4bd4d6673bfc03017e6654e1d8793ece783b7ed4d484/matplotlib-3.9.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:be0fc24a5e4531ae4d8e858a1a548c1fe33b176bb13eff7f9d0d38ce5112a27d", size = 7769370 }, - { url = "https://files.pythonhosted.org/packages/5b/bd/c404502aa1824456d2862dd6b9b0c1917761a51a32f7f83ff8cf94b6d117/matplotlib-3.9.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bf81de2926c2db243c9b2cbc3917619a0fc85796c6ba4e58f541df814bbf83c7", size = 8193260 }, - { url = "https://files.pythonhosted.org/packages/27/75/de5b9cd67648051cae40039da0c8cbc497a0d99acb1a1f3d087cd66d27b7/matplotlib-3.9.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6ee45bc4245533111ced13f1f2cace1e7f89d1c793390392a80c139d6cf0e6c", size = 8306310 }, - { url = "https://files.pythonhosted.org/packages/de/e3/2976e4e54d7ee76eaf54b7639fdc10a223d05c2bdded7045233e9871e469/matplotlib-3.9.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:306c8dfc73239f0e72ac50e5a9cf19cc4e8e331dd0c54f5e69ca8758550f1e1e", size = 9086717 }, - { url = "https://files.pythonhosted.org/packages/d2/92/c2b9464a0562feb6ae780bdc152364810862e07ef5e6affa2b7686028db2/matplotlib-3.9.2-cp312-cp312-win_amd64.whl", hash = "sha256:5413401594cfaff0052f9d8b1aafc6d305b4bd7c4331dccd18f561ff7e1d3bd3", size = 7832805 }, - { url = "https://files.pythonhosted.org/packages/5c/7f/8932eac316b32f464b8f9069f151294dcd892c8fbde61fe8bcd7ba7f7f7e/matplotlib-3.9.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:18128cc08f0d3cfff10b76baa2f296fc28c4607368a8402de61bb3f2eb33c7d9", size = 7893012 }, - { url = "https://files.pythonhosted.org/packages/90/89/9db9db3dd0ff3e2c49e452236dfe29e60b5586a88f8928ca1d153d0da8b5/matplotlib-3.9.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:4876d7d40219e8ae8bb70f9263bcbe5714415acfdf781086601211335e24f8aa", size = 7769810 }, - { url = "https://files.pythonhosted.org/packages/67/26/d2661cdc2e1410b8929c5f12dfd521e4528abfed1b3c3d5a28ac48258b43/matplotlib-3.9.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6d9f07a80deab4bb0b82858a9e9ad53d1382fd122be8cde11080f4e7dfedb38b", size = 8193779 }, - { url = "https://files.pythonhosted.org/packages/95/70/4839eaa672bf4eacc98ebc8d23633e02b6daf39e294e7433c4ab11a689be/matplotlib-3.9.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f7c0410f181a531ec4e93bbc27692f2c71a15c2da16766f5ba9761e7ae518413", size = 8306260 }, - { url = "https://files.pythonhosted.org/packages/88/62/7b263b2cb2724b45d3a4f9c8c6137696cc3ef037d44383fb01ac2a9555c2/matplotlib-3.9.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:909645cce2dc28b735674ce0931a4ac94e12f5b13f6bb0b5a5e65e7cea2c192b", size = 9086073 }, - { url = "https://files.pythonhosted.org/packages/b0/6d/3572fe243c74112fef120f0bc86f5edd21f49b60e8322fc7f6a01fe945dd/matplotlib-3.9.2-cp313-cp313-win_amd64.whl", hash = "sha256:f32c7410c7f246838a77d6d1eff0c0f87f3cb0e7c4247aebea71a6d5a68cab49", size = 7833041 }, - { url = "https://files.pythonhosted.org/packages/03/8f/9d505be3eb2f40ec731674fb6b47d10cc3147bbd6a9ea7a08c8da55415c6/matplotlib-3.9.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:37e51dd1c2db16ede9cfd7b5cabdfc818b2c6397c83f8b10e0e797501c963a03", size = 7933657 }, - { url = "https://files.pythonhosted.org/packages/5d/68/44b458b9794bcff2a66921f8c9a8110a50a0bb099bd5f7cabb428a1dc765/matplotlib-3.9.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:b82c5045cebcecd8496a4d694d43f9cc84aeeb49fe2133e036b207abe73f4d30", size = 7799276 }, - { url = "https://files.pythonhosted.org/packages/47/79/8486d4ddcaaf676314b5fb58e8fe19d1a6210a443a7c31fa72d4215fcb87/matplotlib-3.9.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f053c40f94bc51bc03832a41b4f153d83f2062d88c72b5e79997072594e97e51", size = 8221027 }, - { url = "https://files.pythonhosted.org/packages/56/62/72a472181578c3d035dcda0d0fa2e259ba2c4cb91132588a348bb705b70d/matplotlib-3.9.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dbe196377a8248972f5cede786d4c5508ed5f5ca4a1e09b44bda889958b33f8c", size = 8329097 }, - { url = "https://files.pythonhosted.org/packages/01/8a/760f7fce66b39f447ad160800619d0bd5d0936d2b4633587116534a4afe0/matplotlib-3.9.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:5816b1e1fe8c192cbc013f8f3e3368ac56fbecf02fb41b8f8559303f24c5015e", size = 9093770 }, +sdist = { url = "https://files.pythonhosted.org/packages/75/9f/562ed484b11ac9f4bb4f9d2d7546954ec106a8c0f06cc755d6f63e519274/matplotlib-3.9.3.tar.gz", hash = "sha256:cd5dbbc8e25cad5f706845c4d100e2c8b34691b412b93717ce38d8ae803bcfa5", size = 36113438 } +wheels = [ + { url = "https://files.pythonhosted.org/packages/0b/09/c993dc1b2311228ddaaf3f963c57fed6f3e39957823fa269532896566dd7/matplotlib-3.9.3-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:41b016e3be4e740b66c79a031a0a6e145728dbc248142e751e8dab4f3188ca1d", size = 7877008 }, + { url = "https://files.pythonhosted.org/packages/18/a7/c1aa0bb4c9391d854e0abf55f75e1c46acb4f1b0fbc2692ad7f75ac44030/matplotlib-3.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8e0143975fc2a6d7136c97e19c637321288371e8f09cff2564ecd73e865ea0b9", size = 7762521 }, + { url = "https://files.pythonhosted.org/packages/da/84/427a8ef8f3a00bc6f49edc82142c79f8fa0a1b2421dcfacede76b227cb64/matplotlib-3.9.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9f459c8ee2c086455744723628264e43c884be0c7d7b45d84b8cd981310b4815", size = 8192058 }, + { url = "https://files.pythonhosted.org/packages/4a/86/bb508f20bdda70b5e7afdc15065ea8a4a5ce12d5f5822fa58cf3bc31e8fc/matplotlib-3.9.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:687df7ceff57b8f070d02b4db66f75566370e7ae182a0782b6d3d21b0d6917dc", size = 8304632 }, + { url = "https://files.pythonhosted.org/packages/25/45/7a8bfa0e7365d1b9a767b1f0611c5c94e783bfdbc8fb0a7e9a4436fc790e/matplotlib-3.9.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:edd14cf733fdc4f6e6fe3f705af97676a7e52859bf0044aa2c84e55be739241c", size = 9082543 }, + { url = "https://files.pythonhosted.org/packages/3c/cc/5dad07bf804a6e0250301c95d36d4c972689fd72757b438c0fd319ea789e/matplotlib-3.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:1c40c244221a1adbb1256692b1133c6fb89418df27bf759a31a333e7912a4010", size = 7820157 }, + { url = "https://files.pythonhosted.org/packages/12/ac/66ac58c42aad9ac0ed665746a8a36ecbd16a6c908527c305f9504c04fc2c/matplotlib-3.9.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:cf2a60daf6cecff6828bc608df00dbc794380e7234d2411c0ec612811f01969d", size = 7886350 }, + { url = "https://files.pythonhosted.org/packages/db/43/1274be2b1922858c7a43f0d6e00571fe24696788c7b5a8c980127af24a96/matplotlib-3.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:213d6dc25ce686516208d8a3e91120c6a4fdae4a3e06b8505ced5b716b50cc04", size = 7771966 }, + { url = "https://files.pythonhosted.org/packages/5f/89/f1bcc6b62707df427a5e6a34be59191da81d96e63d3f92cb61e948bcbca7/matplotlib-3.9.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c52f48eb75fcc119a4fdb68ba83eb5f71656999420375df7c94cc68e0e14686e", size = 8201827 }, + { url = "https://files.pythonhosted.org/packages/13/53/b178d51478109f7a700edc94757dd07112e9a0c7a158653b99434b74f9fb/matplotlib-3.9.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d3c93796b44fa111049b88a24105e947f03c01966b5c0cc782e2ee3887b790a3", size = 8314794 }, + { url = "https://files.pythonhosted.org/packages/d6/57/d0ef6cef13ed0f55e37472cc458f2f1f8c4fe9aac69f794be7ccd0702d03/matplotlib-3.9.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:cd1077b9a09b16d8c3c7075a8add5ffbfe6a69156a57e290c800ed4d435bef1d", size = 9091489 }, + { url = "https://files.pythonhosted.org/packages/33/97/40a1bed11f7817ba553afd2e7662e7364e3bac7ce4040835391eb558c86e/matplotlib-3.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:c96eeeb8c68b662c7747f91a385688d4b449687d29b691eff7068a4602fe6dc4", size = 7829997 }, + { url = "https://files.pythonhosted.org/packages/74/d5/eb2338d21b2d36511f9417230413fa0c30fc82283b33dc0e3643969f3b50/matplotlib-3.9.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:0a361bd5583bf0bcc08841df3c10269617ee2a36b99ac39d455a767da908bbbc", size = 7883049 }, + { url = "https://files.pythonhosted.org/packages/e5/52/3910833a073e7182ab3ae03810ed418f71c7fdcd65e2862cda1c6a14ffc1/matplotlib-3.9.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:e14485bb1b83eeb3d55b6878f9560240981e7bbc7a8d4e1e8c38b9bd6ec8d2de", size = 7768285 }, + { url = "https://files.pythonhosted.org/packages/92/67/69df4b6636e40e964788b003535561ea3e98e33e46df4d96fa8c34ef99e6/matplotlib-3.9.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a8d279f78844aad213c4935c18f8292a9432d51af2d88bca99072c903948045", size = 8192626 }, + { url = "https://files.pythonhosted.org/packages/40/d6/70a196b0cf62e0a5bc64ccab07816ab4f6c98db0414a55280331a481a5bf/matplotlib-3.9.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b6c12514329ac0d03128cf1dcceb335f4fbf7c11da98bca68dca8dcb983153a9", size = 8305687 }, + { url = "https://files.pythonhosted.org/packages/c3/43/ef6ab78dd2d8eb362c1e5a31f9cec5ece5761e6143a519153d716d85e590/matplotlib-3.9.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6e9de2b390d253a508dd497e9b5579f3a851f208763ed67fdca5dc0c3ea6849c", size = 9087208 }, + { url = "https://files.pythonhosted.org/packages/30/cb/36844affc69490652b5a99296b9fcee530b96621e23d3143a4839f30fb22/matplotlib-3.9.3-cp312-cp312-win_amd64.whl", hash = "sha256:d796272408f8567ff7eaa00eb2856b3a00524490e47ad505b0b4ca6bb8a7411f", size = 7833105 }, + { url = "https://files.pythonhosted.org/packages/60/04/949640040982822416c471d9ebe4e9e6c69ca9f9bb6ba82ed30808863c02/matplotlib-3.9.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:203d18df84f5288973b2d56de63d4678cc748250026ca9e1ad8f8a0fd8a75d83", size = 7883417 }, + { url = "https://files.pythonhosted.org/packages/9f/90/ebd37143cd3150b6c650ee1580024df3dd649d176e68d346f826b8d24e37/matplotlib-3.9.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:b651b0d3642991259109dc0351fc33ad44c624801367bb8307be9bfc35e427ad", size = 7768720 }, + { url = "https://files.pythonhosted.org/packages/dc/84/6591e6b55d755d16dacdc113205067031867c1f5e3c08b32c01aad831420/matplotlib-3.9.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:66d7b171fecf96940ce069923a08ba3df33ef542de82c2ff4fe8caa8346fa95a", size = 8192723 }, + { url = "https://files.pythonhosted.org/packages/29/09/146a17d37e32313507f11ac984e65311f2d5805d731eb981d4f70eb928dc/matplotlib-3.9.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6be0ba61f6ff2e6b68e4270fb63b6813c9e7dec3d15fc3a93f47480444fd72f0", size = 8305801 }, + { url = "https://files.pythonhosted.org/packages/85/cb/d2690572c08f19ca7c0f44b1fb4d11c121d63467a57b508cc3656ff80b43/matplotlib-3.9.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:9d6b2e8856dec3a6db1ae51aec85c82223e834b228c1d3228aede87eee2b34f9", size = 9086564 }, + { url = "https://files.pythonhosted.org/packages/28/dd/0a5176027c1cb94fe75f69f76cb274180c8abf740df6fc0e6a1e4cbaec3f/matplotlib-3.9.3-cp313-cp313-win_amd64.whl", hash = "sha256:90a85a004fefed9e583597478420bf904bb1a065b0b0ee5b9d8d31b04b0f3f70", size = 7833257 }, + { url = "https://files.pythonhosted.org/packages/42/d4/e477d50a8e4b437c2afbb5c665cb8e5d79b06abe6fe3c6915d6f7f0c2ef2/matplotlib-3.9.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:3119b2f16de7f7b9212ba76d8fe6a0e9f90b27a1e04683cd89833a991682f639", size = 7911906 }, + { url = "https://files.pythonhosted.org/packages/ae/a1/ba5ab89666c42ace8e31b4ff5a2c76a17e4d6f91aefce476b064c56ff61d/matplotlib-3.9.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:87ad73763d93add1b6c1f9fcd33af662fd62ed70e620c52fcb79f3ac427cf3a6", size = 7801336 }, + { url = "https://files.pythonhosted.org/packages/77/59/4dcdb3a6695af6c698a95aec13016a550ef2f85144d22f61f81d1e064148/matplotlib-3.9.3-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:026bdf3137ab6022c866efa4813b6bbeddc2ed4c9e7e02f0e323a7bca380dfa0", size = 8218178 }, + { url = "https://files.pythonhosted.org/packages/4f/27/7c72db0d0ee35d9237572565ffa3c0eb25fc46a3f47e0f16412a587bc9d8/matplotlib-3.9.3-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:760a5e89ebbb172989e8273024a1024b0f084510b9105261b3b00c15e9c9f006", size = 8327768 }, + { url = "https://files.pythonhosted.org/packages/de/ad/213eee624feadba7b77e881c9d2c04c1e036efe69d19031e3fa927fdb5dc/matplotlib-3.9.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:a42b9dc42de2cfe357efa27d9c50c7833fc5ab9b2eb7252ccd5d5f836a84e1e4", size = 9094075 }, + { url = "https://files.pythonhosted.org/packages/19/1b/cb8e99a5fe2e2b14e3b8234cb1649a675be63f74a5224a648ae4ab61f60c/matplotlib-3.9.3-cp313-cp313t-win_amd64.whl", hash = "sha256:e0fcb7da73fbf67b5f4bdaa57d85bb585a4e913d4a10f3e15b32baea56a67f0a", size = 7888937 }, ] [[package]] @@ -2855,40 +2617,16 @@ version = "12.1.3.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -2912,30 +2650,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/74/aa/f0e402ab0c1aa371e3143ed0b79744ebd6091307087cda59e3249f45cac8/nvidia_cublas_cu12-12.3.4.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:9b25b27bd5a5be1cc7e83a7b8004258daa338800798e22986e5b67ee06f0859d", size = 412581912 }, @@ -2949,40 +2663,16 @@ version = "12.1.105" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -3006,30 +2696,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/6a/43/b30e742c204c5c81a6954c5f20ce82b098f9c4ca3d3cb76eea5476b83f5d/nvidia_cuda_cupti_cu12-12.3.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:7b984288af7db1faa1e6f1803db075d4350116b72a98d4be0e88d604dc812c0e", size = 13978802 }, @@ -3053,40 +2719,16 @@ version = "12.1.105" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -3110,30 +2752,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/0b/dd/c510983b0fb66b7346432e1f25afbfd9446a86ccdbfacb600351aa8e09d6/nvidia_cuda_nvrtc_cu12-12.3.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:4db66788a37a234304a0b3203744f9a6c665f48bde65f69a096ae3b5799b5b1d", size = 24875439 }, @@ -3147,40 +2765,16 @@ version = "12.1.105" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -3204,30 +2798,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/48/ff/45901ba952404bc6efd0a792cabefeb1ba622610108c0f5d6b7a4686f1c1/nvidia_cuda_runtime_cu12-12.3.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:04604679ddca6acb96c76a7a9306282cddc16981f92e148e2dfe227078883cda", size = 867700 }, @@ -3252,30 +2822,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" } }, @@ -3292,40 +2838,16 @@ version = "9.1.0.70" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ @@ -3341,40 +2863,16 @@ version = "11.0.2.54" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -3398,30 +2896,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/bc/51/a56eea38a13f8727c0f5a6e39677e588dc1488c3bfae4c944aa4c23f02ae/nvidia_cufft_cu12-11.0.12.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:3b2c85d24d7dcc578720fdf39e2823950b5857e85164c3c1dc97184a8a8e0398", size = 98790531 }, @@ -3435,40 +2909,16 @@ version = "10.3.2.106" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -3492,30 +2942,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] wheels = [ { url = "https://files.pythonhosted.org/packages/3d/f8/d4139976f26861825b73cf8b791ffe0fb70a5fef502c91fb22258bd2b5f8/nvidia_curand_cu12-10.3.4.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:d798db82ae445cf1d8bf6af9ca3bd6bb6cc87753c229a441cf8d2597b09332e5", size = 56330780 }, @@ -3529,46 +2955,22 @@ version = "11.4.5.107" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, { name = "nvidia-cusparse-cu12", version = "12.1.0.106", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, - { name = "nvidia-nvjitlink-cu12", marker = "platform_system != 'Windows'" }, + { name = "nvidia-nvjitlink-cu12", version = "12.6.85", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/bc/1d/8de1e5c67099015c834315e333911273a8c6aaba78923dd1d1e25fc5f217/nvidia_cusolver_cu12-11.4.5.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:8a7ec542f0412294b15072fa7dab71d31334014a69f953004ea7a118206fe0dd", size = 124161928 }, @@ -3591,35 +2993,11 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "nvidia-cublas-cu12", version = "12.3.4.1", source = { registry = "https://pypi.org/simple" } }, { name = "nvidia-cusparse-cu12", version = "12.2.0.103", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-nvjitlink-cu12" }, + { name = "nvidia-nvjitlink-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/04/70/79f0033d97e6025e386898d129dcaccee4d222b09cfa8d313db94a605462/nvidia_cusolver_cu12-11.5.4.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:783a3279553feaf8e47af12cab1fa769ffd5e644ea876db3dc2252f35f9bf256", size = 125182212 }, @@ -3633,44 +3011,20 @@ version = "12.1.0.106" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", marker = "platform_system != 'Windows'" }, + { name = "nvidia-nvjitlink-cu12", version = "12.6.85", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/65/5b/cfaeebf25cd9fdec14338ccb16f6b2c4c7fa9163aefcf057d86b9cc248bb/nvidia_cusparse_cu12-12.1.0.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:f3b50f42cf363f86ab21f720998517a659a48131e8d538dc02f8768237bd884c", size = 195958278 }, @@ -3693,33 +3047,9 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12" }, + { name = "nvidia-nvjitlink-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/54/aa/db44573b6159a104e15d372e3739ad76bc036dee80f1fe6ba4618f476986/nvidia_cusparse_cu12-12.2.0.103-py3-none-manylinux1_x86_64.whl", hash = "sha256:fe9e17daf406c98c28fbc8bcf785ecd4db301bf02ce626de6aa1046de66f84bd", size = 197492558 }, @@ -3728,43 +3058,19 @@ wheels = [ ] [[package]] -name = "nvidia-ml-py" -version = "12.535.161" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/33/ed/855fae1fbdb55c83fd27621de8a9043fe5855a05377aed4e451ba9c6a336/nvidia-ml-py-12.535.161.tar.gz", hash = "sha256:2bcc31ff7a0ea291ed8d7fc39b149391a42c2fb1cb4256c935e692de488b4d17", size = 35987 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/24/45/fcbc453b1678f2fee151f57c0cb8e75c1b33617e6aa8ebc62395532dd12a/nvidia_ml_py-12.535.161-py3-none-any.whl", hash = "sha256:69137b137c3c6f6185361346f02d9865c1f1b6754dfd0d34800516761c4e45af", size = 37270 }, -] - -[[package]] -name = "nvidia-nccl-cu12" -version = "2.19.3" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", +name = "nvidia-ml-py" +version = "12.535.161" +source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/33/ed/855fae1fbdb55c83fd27621de8a9043fe5855a05377aed4e451ba9c6a336/nvidia-ml-py-12.535.161.tar.gz", hash = "sha256:2bcc31ff7a0ea291ed8d7fc39b149391a42c2fb1cb4256c935e692de488b4d17", size = 35987 } +wheels = [ + { url = "https://files.pythonhosted.org/packages/24/45/fcbc453b1678f2fee151f57c0cb8e75c1b33617e6aa8ebc62395532dd12a/nvidia_ml_py-12.535.161-py3-none-any.whl", hash = "sha256:69137b137c3c6f6185361346f02d9865c1f1b6754dfd0d34800516761c4e45af", size = 37270 }, +] + +[[package]] +name = "nvidia-nccl-cu12" +version = "2.19.3" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", @@ -3788,40 +3094,16 @@ version = "2.20.5" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] wheels = [ @@ -3833,12 +3115,49 @@ wheels = [ name = "nvidia-nvjitlink-cu12" version = "12.3.101" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", +] wheels = [ { url = "https://files.pythonhosted.org/packages/1e/07/bf730d44c2fe1b676ad9cc2be5f5f861eb5d153fb6951987a2d6a96379a9/nvidia_nvjitlink_cu12-12.3.101-py3-none-manylinux1_x86_64.whl", hash = "sha256:64335a8088e2b9d196ae8665430bc6a2b7e6ef2eb877a9c735c804bd4ff6467c", size = 20544772 }, { url = "https://files.pythonhosted.org/packages/65/7a/18d1e2cb6b7cbc8ef93f34d2464144c23ed700320ef48d1d921ab1b0818e/nvidia_nvjitlink_cu12-12.3.101-py3-none-manylinux2014_aarch64.whl", hash = "sha256:211a63e7b30a9d62f1a853e19928fbb1a750e3f17a13a3d1f98ff0ced19478dd", size = 20052628 }, { url = "https://files.pythonhosted.org/packages/ad/d3/540ba5c6d627be251d6d4cb88d85f2163a18fa3b4c1b980d5f9500a5d7c4/nvidia_nvjitlink_cu12-12.3.101-py3-none-win_amd64.whl", hash = "sha256:1b2e317e437433753530792f13eece58f0aec21a2b05903be7bffe58a606cbd1", size = 94711468 }, ] +[[package]] +name = "nvidia-nvjitlink-cu12" +version = "12.6.85" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/9d/d7/c5383e47c7e9bf1c99d5bd2a8c935af2b6d705ad831a7ec5c97db4d82f4f/nvidia_nvjitlink_cu12-12.6.85-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:eedc36df9e88b682efe4309aa16b5b4e78c2407eac59e8c10a6a47535164369a", size = 19744971 }, + { url = "https://files.pythonhosted.org/packages/31/db/dc71113d441f208cdfe7ae10d4983884e13f464a6252450693365e166dcf/nvidia_nvjitlink_cu12-12.6.85-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cf4eaa7d4b6b543ffd69d6abfb11efdeb2db48270d94dfd3a452c24150829e41", size = 19270338 }, +] + [[package]] name = "nvidia-nvtx-cu12" version = "12.1.105" @@ -4221,75 +3540,75 @@ wheels = [ [[package]] name = "propcache" -version = "0.2.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a9/4d/5e5a60b78dbc1d464f8a7bbaeb30957257afdc8512cbb9dfd5659304f5cd/propcache-0.2.0.tar.gz", hash = "sha256:df81779732feb9d01e5d513fad0122efb3d53bbc75f61b2a4f29a020bc985e70", size = 40951 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3a/08/1963dfb932b8d74d5b09098507b37e9b96c835ba89ab8aad35aa330f4ff3/propcache-0.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:c5869b8fd70b81835a6f187c5fdbe67917a04d7e52b6e7cc4e5fe39d55c39d58", size = 80712 }, - { url = "https://files.pythonhosted.org/packages/e6/59/49072aba9bf8a8ed958e576182d46f038e595b17ff7408bc7e8807e721e1/propcache-0.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:952e0d9d07609d9c5be361f33b0d6d650cd2bae393aabb11d9b719364521984b", size = 46301 }, - { url = "https://files.pythonhosted.org/packages/33/a2/6b1978c2e0d80a678e2c483f45e5443c15fe5d32c483902e92a073314ef1/propcache-0.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:33ac8f098df0585c0b53009f039dfd913b38c1d2edafed0cedcc0c32a05aa110", size = 45581 }, - { url = "https://files.pythonhosted.org/packages/43/95/55acc9adff8f997c7572f23d41993042290dfb29e404cdadb07039a4386f/propcache-0.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:97e48e8875e6c13909c800fa344cd54cc4b2b0db1d5f911f840458a500fde2c2", size = 208659 }, - { url = "https://files.pythonhosted.org/packages/bd/2c/ef7371ff715e6cd19ea03fdd5637ecefbaa0752fee5b0f2fe8ea8407ee01/propcache-0.2.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:388f3217649d6d59292b722d940d4d2e1e6a7003259eb835724092a1cca0203a", size = 222613 }, - { url = "https://files.pythonhosted.org/packages/5e/1c/fef251f79fd4971a413fa4b1ae369ee07727b4cc2c71e2d90dfcde664fbb/propcache-0.2.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f571aea50ba5623c308aa146eb650eebf7dbe0fd8c5d946e28343cb3b5aad577", size = 221067 }, - { url = "https://files.pythonhosted.org/packages/8d/e7/22e76ae6fc5a1708bdce92bdb49de5ebe89a173db87e4ef597d6bbe9145a/propcache-0.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3dfafb44f7bb35c0c06eda6b2ab4bfd58f02729e7c4045e179f9a861b07c9850", size = 208920 }, - { url = "https://files.pythonhosted.org/packages/04/3e/f10aa562781bcd8a1e0b37683a23bef32bdbe501d9cc7e76969becaac30d/propcache-0.2.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a3ebe9a75be7ab0b7da2464a77bb27febcb4fab46a34f9288f39d74833db7f61", size = 200050 }, - { url = "https://files.pythonhosted.org/packages/d0/98/8ac69f638358c5f2a0043809c917802f96f86026e86726b65006830f3dc6/propcache-0.2.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:d2f0d0f976985f85dfb5f3d685697ef769faa6b71993b46b295cdbbd6be8cc37", size = 202346 }, - { url = "https://files.pythonhosted.org/packages/ee/78/4acfc5544a5075d8e660af4d4e468d60c418bba93203d1363848444511ad/propcache-0.2.0-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:a3dc1a4b165283bd865e8f8cb5f0c64c05001e0718ed06250d8cac9bec115b48", size = 199750 }, - { url = "https://files.pythonhosted.org/packages/a2/8f/90ada38448ca2e9cf25adc2fe05d08358bda1b9446f54a606ea38f41798b/propcache-0.2.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:9e0f07b42d2a50c7dd2d8675d50f7343d998c64008f1da5fef888396b7f84630", size = 201279 }, - { url = "https://files.pythonhosted.org/packages/08/31/0e299f650f73903da851f50f576ef09bfffc8e1519e6a2f1e5ed2d19c591/propcache-0.2.0-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:e63e3e1e0271f374ed489ff5ee73d4b6e7c60710e1f76af5f0e1a6117cd26394", size = 211035 }, - { url = "https://files.pythonhosted.org/packages/85/3e/e356cc6b09064bff1c06d0b2413593e7c925726f0139bc7acef8a21e87a8/propcache-0.2.0-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:56bb5c98f058a41bb58eead194b4db8c05b088c93d94d5161728515bd52b052b", size = 215565 }, - { url = "https://files.pythonhosted.org/packages/8b/54/4ef7236cd657e53098bd05aa59cbc3cbf7018fba37b40eaed112c3921e51/propcache-0.2.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:7665f04d0c7f26ff8bb534e1c65068409bf4687aa2534faf7104d7182debb336", size = 207604 }, - { url = "https://files.pythonhosted.org/packages/1f/27/d01d7799c068443ee64002f0655d82fb067496897bf74b632e28ee6a32cf/propcache-0.2.0-cp310-cp310-win32.whl", hash = "sha256:7cf18abf9764746b9c8704774d8b06714bcb0a63641518a3a89c7f85cc02c2ad", size = 40526 }, - { url = "https://files.pythonhosted.org/packages/bb/44/6c2add5eeafb7f31ff0d25fbc005d930bea040a1364cf0f5768750ddf4d1/propcache-0.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:cfac69017ef97db2438efb854edf24f5a29fd09a536ff3a992b75990720cdc99", size = 44958 }, - { url = "https://files.pythonhosted.org/packages/e0/1c/71eec730e12aec6511e702ad0cd73c2872eccb7cad39de8ba3ba9de693ef/propcache-0.2.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:63f13bf09cc3336eb04a837490b8f332e0db41da66995c9fd1ba04552e516354", size = 80811 }, - { url = "https://files.pythonhosted.org/packages/89/c3/7e94009f9a4934c48a371632197406a8860b9f08e3f7f7d922ab69e57a41/propcache-0.2.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:608cce1da6f2672a56b24a015b42db4ac612ee709f3d29f27a00c943d9e851de", size = 46365 }, - { url = "https://files.pythonhosted.org/packages/c0/1d/c700d16d1d6903aeab28372fe9999762f074b80b96a0ccc953175b858743/propcache-0.2.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:466c219deee4536fbc83c08d09115249db301550625c7fef1c5563a584c9bc87", size = 45602 }, - { url = "https://files.pythonhosted.org/packages/2e/5e/4a3e96380805bf742712e39a4534689f4cddf5fa2d3a93f22e9fd8001b23/propcache-0.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc2db02409338bf36590aa985a461b2c96fce91f8e7e0f14c50c5fcc4f229016", size = 236161 }, - { url = "https://files.pythonhosted.org/packages/a5/85/90132481183d1436dff6e29f4fa81b891afb6cb89a7306f32ac500a25932/propcache-0.2.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a6ed8db0a556343d566a5c124ee483ae113acc9a557a807d439bcecc44e7dfbb", size = 244938 }, - { url = "https://files.pythonhosted.org/packages/4a/89/c893533cb45c79c970834274e2d0f6d64383ec740be631b6a0a1d2b4ddc0/propcache-0.2.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:91997d9cb4a325b60d4e3f20967f8eb08dfcb32b22554d5ef78e6fd1dda743a2", size = 243576 }, - { url = "https://files.pythonhosted.org/packages/8c/56/98c2054c8526331a05f205bf45cbb2cda4e58e56df70e76d6a509e5d6ec6/propcache-0.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4c7dde9e533c0a49d802b4f3f218fa9ad0a1ce21f2c2eb80d5216565202acab4", size = 236011 }, - { url = "https://files.pythonhosted.org/packages/2d/0c/8b8b9f8a6e1abd869c0fa79b907228e7abb966919047d294ef5df0d136cf/propcache-0.2.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ffcad6c564fe6b9b8916c1aefbb37a362deebf9394bd2974e9d84232e3e08504", size = 224834 }, - { url = "https://files.pythonhosted.org/packages/18/bb/397d05a7298b7711b90e13108db697732325cafdcd8484c894885c1bf109/propcache-0.2.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:97a58a28bcf63284e8b4d7b460cbee1edaab24634e82059c7b8c09e65284f178", size = 224946 }, - { url = "https://files.pythonhosted.org/packages/25/19/4fc08dac19297ac58135c03770b42377be211622fd0147f015f78d47cd31/propcache-0.2.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:945db8ee295d3af9dbdbb698cce9bbc5c59b5c3fe328bbc4387f59a8a35f998d", size = 217280 }, - { url = "https://files.pythonhosted.org/packages/7e/76/c79276a43df2096ce2aba07ce47576832b1174c0c480fe6b04bd70120e59/propcache-0.2.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:39e104da444a34830751715f45ef9fc537475ba21b7f1f5b0f4d71a3b60d7fe2", size = 220088 }, - { url = "https://files.pythonhosted.org/packages/c3/9a/8a8cf428a91b1336b883f09c8b884e1734c87f724d74b917129a24fe2093/propcache-0.2.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:c5ecca8f9bab618340c8e848d340baf68bcd8ad90a8ecd7a4524a81c1764b3db", size = 233008 }, - { url = "https://files.pythonhosted.org/packages/25/7b/768a8969abd447d5f0f3333df85c6a5d94982a1bc9a89c53c154bf7a8b11/propcache-0.2.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:c436130cc779806bdf5d5fae0d848713105472b8566b75ff70048c47d3961c5b", size = 237719 }, - { url = "https://files.pythonhosted.org/packages/ed/0d/e5d68ccc7976ef8b57d80613ac07bbaf0614d43f4750cf953f0168ef114f/propcache-0.2.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:191db28dc6dcd29d1a3e063c3be0b40688ed76434622c53a284e5427565bbd9b", size = 227729 }, - { url = "https://files.pythonhosted.org/packages/05/64/17eb2796e2d1c3d0c431dc5f40078d7282f4645af0bb4da9097fbb628c6c/propcache-0.2.0-cp311-cp311-win32.whl", hash = "sha256:5f2564ec89058ee7c7989a7b719115bdfe2a2fb8e7a4543b8d1c0cc4cf6478c1", size = 40473 }, - { url = "https://files.pythonhosted.org/packages/83/c5/e89fc428ccdc897ade08cd7605f174c69390147526627a7650fb883e0cd0/propcache-0.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:6e2e54267980349b723cff366d1e29b138b9a60fa376664a157a342689553f71", size = 44921 }, - { url = "https://files.pythonhosted.org/packages/7c/46/a41ca1097769fc548fc9216ec4c1471b772cc39720eb47ed7e38ef0006a9/propcache-0.2.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:2ee7606193fb267be4b2e3b32714f2d58cad27217638db98a60f9efb5efeccc2", size = 80800 }, - { url = "https://files.pythonhosted.org/packages/75/4f/93df46aab9cc473498ff56be39b5f6ee1e33529223d7a4d8c0a6101a9ba2/propcache-0.2.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:91ee8fc02ca52e24bcb77b234f22afc03288e1dafbb1f88fe24db308910c4ac7", size = 46443 }, - { url = "https://files.pythonhosted.org/packages/0b/17/308acc6aee65d0f9a8375e36c4807ac6605d1f38074b1581bd4042b9fb37/propcache-0.2.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2e900bad2a8456d00a113cad8c13343f3b1f327534e3589acc2219729237a2e8", size = 45676 }, - { url = "https://files.pythonhosted.org/packages/65/44/626599d2854d6c1d4530b9a05e7ff2ee22b790358334b475ed7c89f7d625/propcache-0.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f52a68c21363c45297aca15561812d542f8fc683c85201df0bebe209e349f793", size = 246191 }, - { url = "https://files.pythonhosted.org/packages/f2/df/5d996d7cb18df076debae7d76ac3da085c0575a9f2be6b1f707fe227b54c/propcache-0.2.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1e41d67757ff4fbc8ef2af99b338bfb955010444b92929e9e55a6d4dcc3c4f09", size = 251791 }, - { url = "https://files.pythonhosted.org/packages/2e/6d/9f91e5dde8b1f662f6dd4dff36098ed22a1ef4e08e1316f05f4758f1576c/propcache-0.2.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a64e32f8bd94c105cc27f42d3b658902b5bcc947ece3c8fe7bc1b05982f60e89", size = 253434 }, - { url = "https://files.pythonhosted.org/packages/3c/e9/1b54b7e26f50b3e0497cd13d3483d781d284452c2c50dd2a615a92a087a3/propcache-0.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:55346705687dbd7ef0d77883ab4f6fabc48232f587925bdaf95219bae072491e", size = 248150 }, - { url = "https://files.pythonhosted.org/packages/a7/ef/a35bf191c8038fe3ce9a414b907371c81d102384eda5dbafe6f4dce0cf9b/propcache-0.2.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:00181262b17e517df2cd85656fcd6b4e70946fe62cd625b9d74ac9977b64d8d9", size = 233568 }, - { url = "https://files.pythonhosted.org/packages/97/d9/d00bb9277a9165a5e6d60f2142cd1a38a750045c9c12e47ae087f686d781/propcache-0.2.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6994984550eaf25dd7fc7bd1b700ff45c894149341725bb4edc67f0ffa94efa4", size = 229874 }, - { url = "https://files.pythonhosted.org/packages/8e/78/c123cf22469bdc4b18efb78893e69c70a8b16de88e6160b69ca6bdd88b5d/propcache-0.2.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:56295eb1e5f3aecd516d91b00cfd8bf3a13991de5a479df9e27dd569ea23959c", size = 225857 }, - { url = "https://files.pythonhosted.org/packages/31/1b/fd6b2f1f36d028820d35475be78859d8c89c8f091ad30e377ac49fd66359/propcache-0.2.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:439e76255daa0f8151d3cb325f6dd4a3e93043e6403e6491813bcaaaa8733887", size = 227604 }, - { url = "https://files.pythonhosted.org/packages/99/36/b07be976edf77a07233ba712e53262937625af02154353171716894a86a6/propcache-0.2.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:f6475a1b2ecb310c98c28d271a30df74f9dd436ee46d09236a6b750a7599ce57", size = 238430 }, - { url = "https://files.pythonhosted.org/packages/0d/64/5822f496c9010e3966e934a011ac08cac8734561842bc7c1f65586e0683c/propcache-0.2.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:3444cdba6628accf384e349014084b1cacd866fbb88433cd9d279d90a54e0b23", size = 244814 }, - { url = "https://files.pythonhosted.org/packages/fd/bd/8657918a35d50b18a9e4d78a5df7b6c82a637a311ab20851eef4326305c1/propcache-0.2.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:4a9d9b4d0a9b38d1c391bb4ad24aa65f306c6f01b512e10a8a34a2dc5675d348", size = 235922 }, - { url = "https://files.pythonhosted.org/packages/a8/6f/ec0095e1647b4727db945213a9f395b1103c442ef65e54c62e92a72a3f75/propcache-0.2.0-cp312-cp312-win32.whl", hash = "sha256:69d3a98eebae99a420d4b28756c8ce6ea5a29291baf2dc9ff9414b42676f61d5", size = 40177 }, - { url = "https://files.pythonhosted.org/packages/20/a2/bd0896fdc4f4c1db46d9bc361c8c79a9bf08ccc08ba054a98e38e7ba1557/propcache-0.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:ad9c9b99b05f163109466638bd30ada1722abb01bbb85c739c50b6dc11f92dc3", size = 44446 }, - { url = "https://files.pythonhosted.org/packages/a8/a7/5f37b69197d4f558bfef5b4bceaff7c43cc9b51adf5bd75e9081d7ea80e4/propcache-0.2.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ecddc221a077a8132cf7c747d5352a15ed763b674c0448d811f408bf803d9ad7", size = 78120 }, - { url = "https://files.pythonhosted.org/packages/c8/cd/48ab2b30a6b353ecb95a244915f85756d74f815862eb2ecc7a518d565b48/propcache-0.2.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:0e53cb83fdd61cbd67202735e6a6687a7b491c8742dfc39c9e01e80354956763", size = 45127 }, - { url = "https://files.pythonhosted.org/packages/a5/ba/0a1ef94a3412aab057bd996ed5f0ac7458be5bf469e85c70fa9ceb43290b/propcache-0.2.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:92fe151145a990c22cbccf9ae15cae8ae9eddabfc949a219c9f667877e40853d", size = 44419 }, - { url = "https://files.pythonhosted.org/packages/b4/6c/ca70bee4f22fa99eacd04f4d2f1699be9d13538ccf22b3169a61c60a27fa/propcache-0.2.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d6a21ef516d36909931a2967621eecb256018aeb11fc48656e3257e73e2e247a", size = 229611 }, - { url = "https://files.pythonhosted.org/packages/19/70/47b872a263e8511ca33718d96a10c17d3c853aefadeb86dc26e8421184b9/propcache-0.2.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f88a4095e913f98988f5b338c1d4d5d07dbb0b6bad19892fd447484e483ba6b", size = 234005 }, - { url = "https://files.pythonhosted.org/packages/4f/be/3b0ab8c84a22e4a3224719099c1229ddfdd8a6a1558cf75cb55ee1e35c25/propcache-0.2.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5a5b3bb545ead161be780ee85a2b54fdf7092815995661947812dde94a40f6fb", size = 237270 }, - { url = "https://files.pythonhosted.org/packages/04/d8/f071bb000d4b8f851d312c3c75701e586b3f643fe14a2e3409b1b9ab3936/propcache-0.2.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:67aeb72e0f482709991aa91345a831d0b707d16b0257e8ef88a2ad246a7280bf", size = 231877 }, - { url = "https://files.pythonhosted.org/packages/93/e7/57a035a1359e542bbb0a7df95aad6b9871ebee6dce2840cb157a415bd1f3/propcache-0.2.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3c997f8c44ec9b9b0bcbf2d422cc00a1d9b9c681f56efa6ca149a941e5560da2", size = 217848 }, - { url = "https://files.pythonhosted.org/packages/f0/93/d1dea40f112ec183398fb6c42fde340edd7bab202411c4aa1a8289f461b6/propcache-0.2.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:2a66df3d4992bc1d725b9aa803e8c5a66c010c65c741ad901e260ece77f58d2f", size = 216987 }, - { url = "https://files.pythonhosted.org/packages/62/4c/877340871251145d3522c2b5d25c16a1690ad655fbab7bb9ece6b117e39f/propcache-0.2.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:3ebbcf2a07621f29638799828b8d8668c421bfb94c6cb04269130d8de4fb7136", size = 212451 }, - { url = "https://files.pythonhosted.org/packages/7c/bb/a91b72efeeb42906ef58ccf0cdb87947b54d7475fee3c93425d732f16a61/propcache-0.2.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:1235c01ddaa80da8235741e80815ce381c5267f96cc49b1477fdcf8c047ef325", size = 212879 }, - { url = "https://files.pythonhosted.org/packages/9b/7f/ee7fea8faac57b3ec5d91ff47470c6c5d40d7f15d0b1fccac806348fa59e/propcache-0.2.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:3947483a381259c06921612550867b37d22e1df6d6d7e8361264b6d037595f44", size = 222288 }, - { url = "https://files.pythonhosted.org/packages/ff/d7/acd67901c43d2e6b20a7a973d9d5fd543c6e277af29b1eb0e1f7bd7ca7d2/propcache-0.2.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:d5bed7f9805cc29c780f3aee05de3262ee7ce1f47083cfe9f77471e9d6777e83", size = 228257 }, - { url = "https://files.pythonhosted.org/packages/8d/6f/6272ecc7a8daad1d0754cfc6c8846076a8cb13f810005c79b15ce0ef0cf2/propcache-0.2.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e4a91d44379f45f5e540971d41e4626dacd7f01004826a18cb048e7da7e96544", size = 221075 }, - { url = "https://files.pythonhosted.org/packages/7c/bd/c7a6a719a6b3dd8b3aeadb3675b5783983529e4a3185946aa444d3e078f6/propcache-0.2.0-cp313-cp313-win32.whl", hash = "sha256:f902804113e032e2cdf8c71015651c97af6418363bea8d78dc0911d56c335032", size = 39654 }, - { url = "https://files.pythonhosted.org/packages/88/e7/0eef39eff84fa3e001b44de0bd41c7c0e3432e7648ffd3d64955910f002d/propcache-0.2.0-cp313-cp313-win_amd64.whl", hash = "sha256:8f188cfcc64fb1266f4684206c9de0e80f54622c3f22a910cbd200478aeae61e", size = 43705 }, - { url = "https://files.pythonhosted.org/packages/3d/b6/e6d98278f2d49b22b4d033c9f792eda783b9ab2094b041f013fc69bcde87/propcache-0.2.0-py3-none-any.whl", hash = "sha256:2ccc28197af5313706511fab3a8b66dcd6da067a1331372c82ea1cb74285e036", size = 11603 }, +version = "0.2.1" +source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/20/c8/2a13f78d82211490855b2fb303b6721348d0787fdd9a12ac46d99d3acde1/propcache-0.2.1.tar.gz", hash = "sha256:3f77ce728b19cb537714499928fe800c3dda29e8d9428778fc7c186da4c09a64", size = 41735 } +wheels = [ + { url = "https://files.pythonhosted.org/packages/a7/a5/0ea64c9426959ef145a938e38c832fc551843481d356713ececa9a8a64e8/propcache-0.2.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:6b3f39a85d671436ee3d12c017f8fdea38509e4f25b28eb25877293c98c243f6", size = 79296 }, + { url = "https://files.pythonhosted.org/packages/76/5a/916db1aba735f55e5eca4733eea4d1973845cf77dfe67c2381a2ca3ce52d/propcache-0.2.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:39d51fbe4285d5db5d92a929e3e21536ea3dd43732c5b177c7ef03f918dff9f2", size = 45622 }, + { url = "https://files.pythonhosted.org/packages/2d/62/685d3cf268b8401ec12b250b925b21d152b9d193b7bffa5fdc4815c392c2/propcache-0.2.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:6445804cf4ec763dc70de65a3b0d9954e868609e83850a47ca4f0cb64bd79fea", size = 45133 }, + { url = "https://files.pythonhosted.org/packages/4d/3d/31c9c29ee7192defc05aa4d01624fd85a41cf98e5922aaed206017329944/propcache-0.2.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f9479aa06a793c5aeba49ce5c5692ffb51fcd9a7016e017d555d5e2b0045d212", size = 204809 }, + { url = "https://files.pythonhosted.org/packages/10/a1/e4050776f4797fc86140ac9a480d5dc069fbfa9d499fe5c5d2fa1ae71f07/propcache-0.2.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d9631c5e8b5b3a0fda99cb0d29c18133bca1e18aea9effe55adb3da1adef80d3", size = 219109 }, + { url = "https://files.pythonhosted.org/packages/c9/c0/e7ae0df76343d5e107d81e59acc085cea5fd36a48aa53ef09add7503e888/propcache-0.2.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3156628250f46a0895f1f36e1d4fbe062a1af8718ec3ebeb746f1d23f0c5dc4d", size = 217368 }, + { url = "https://files.pythonhosted.org/packages/fc/e1/e0a2ed6394b5772508868a977d3238f4afb2eebaf9976f0b44a8d347ad63/propcache-0.2.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b6fb63ae352e13748289f04f37868099e69dba4c2b3e271c46061e82c745634", size = 205124 }, + { url = "https://files.pythonhosted.org/packages/50/c1/e388c232d15ca10f233c778bbdc1034ba53ede14c207a72008de45b2db2e/propcache-0.2.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:887d9b0a65404929641a9fabb6452b07fe4572b269d901d622d8a34a4e9043b2", size = 195463 }, + { url = "https://files.pythonhosted.org/packages/0a/fd/71b349b9def426cc73813dbd0f33e266de77305e337c8c12bfb0a2a82bfb/propcache-0.2.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:a96dc1fa45bd8c407a0af03b2d5218392729e1822b0c32e62c5bf7eeb5fb3958", size = 198358 }, + { url = "https://files.pythonhosted.org/packages/02/f2/d7c497cd148ebfc5b0ae32808e6c1af5922215fe38c7a06e4e722fe937c8/propcache-0.2.1-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:a7e65eb5c003a303b94aa2c3852ef130230ec79e349632d030e9571b87c4698c", size = 195560 }, + { url = "https://files.pythonhosted.org/packages/bb/57/f37041bbe5e0dfed80a3f6be2612a3a75b9cfe2652abf2c99bef3455bbad/propcache-0.2.1-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:999779addc413181912e984b942fbcc951be1f5b3663cd80b2687758f434c583", size = 196895 }, + { url = "https://files.pythonhosted.org/packages/83/36/ae3cc3e4f310bff2f064e3d2ed5558935cc7778d6f827dce74dcfa125304/propcache-0.2.1-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:19a0f89a7bb9d8048d9c4370c9c543c396e894c76be5525f5e1ad287f1750ddf", size = 207124 }, + { url = "https://files.pythonhosted.org/packages/8c/c4/811b9f311f10ce9d31a32ff14ce58500458443627e4df4ae9c264defba7f/propcache-0.2.1-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:1ac2f5fe02fa75f56e1ad473f1175e11f475606ec9bd0be2e78e4734ad575034", size = 210442 }, + { url = "https://files.pythonhosted.org/packages/18/dd/a1670d483a61ecac0d7fc4305d91caaac7a8fc1b200ea3965a01cf03bced/propcache-0.2.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:574faa3b79e8ebac7cb1d7930f51184ba1ccf69adfdec53a12f319a06030a68b", size = 203219 }, + { url = "https://files.pythonhosted.org/packages/f9/2d/30ced5afde41b099b2dc0c6573b66b45d16d73090e85655f1a30c5a24e07/propcache-0.2.1-cp310-cp310-win32.whl", hash = "sha256:03ff9d3f665769b2a85e6157ac8b439644f2d7fd17615a82fa55739bc97863f4", size = 40313 }, + { url = "https://files.pythonhosted.org/packages/23/84/bd9b207ac80da237af77aa6e153b08ffa83264b1c7882495984fcbfcf85c/propcache-0.2.1-cp310-cp310-win_amd64.whl", hash = "sha256:2d3af2e79991102678f53e0dbf4c35de99b6b8b58f29a27ca0325816364caaba", size = 44428 }, + { url = "https://files.pythonhosted.org/packages/bc/0f/2913b6791ebefb2b25b4efd4bb2299c985e09786b9f5b19184a88e5778dd/propcache-0.2.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:1ffc3cca89bb438fb9c95c13fc874012f7b9466b89328c3c8b1aa93cdcfadd16", size = 79297 }, + { url = "https://files.pythonhosted.org/packages/cf/73/af2053aeccd40b05d6e19058419ac77674daecdd32478088b79375b9ab54/propcache-0.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:f174bbd484294ed9fdf09437f889f95807e5f229d5d93588d34e92106fbf6717", size = 45611 }, + { url = "https://files.pythonhosted.org/packages/3c/09/8386115ba7775ea3b9537730e8cf718d83bbf95bffe30757ccf37ec4e5da/propcache-0.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:70693319e0b8fd35dd863e3e29513875eb15c51945bf32519ef52927ca883bc3", size = 45146 }, + { url = "https://files.pythonhosted.org/packages/03/7a/793aa12f0537b2e520bf09f4c6833706b63170a211ad042ca71cbf79d9cb/propcache-0.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b480c6a4e1138e1aa137c0079b9b6305ec6dcc1098a8ca5196283e8a49df95a9", size = 232136 }, + { url = "https://files.pythonhosted.org/packages/f1/38/b921b3168d72111769f648314100558c2ea1d52eb3d1ba7ea5c4aa6f9848/propcache-0.2.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d27b84d5880f6d8aa9ae3edb253c59d9f6642ffbb2c889b78b60361eed449787", size = 239706 }, + { url = "https://files.pythonhosted.org/packages/14/29/4636f500c69b5edea7786db3c34eb6166f3384b905665ce312a6e42c720c/propcache-0.2.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:857112b22acd417c40fa4595db2fe28ab900c8c5fe4670c7989b1c0230955465", size = 238531 }, + { url = "https://files.pythonhosted.org/packages/85/14/01fe53580a8e1734ebb704a3482b7829a0ef4ea68d356141cf0994d9659b/propcache-0.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf6c4150f8c0e32d241436526f3c3f9cbd34429492abddbada2ffcff506c51af", size = 231063 }, + { url = "https://files.pythonhosted.org/packages/33/5c/1d961299f3c3b8438301ccfbff0143b69afcc30c05fa28673cface692305/propcache-0.2.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:66d4cfda1d8ed687daa4bc0274fcfd5267873db9a5bc0418c2da19273040eeb7", size = 220134 }, + { url = "https://files.pythonhosted.org/packages/00/d0/ed735e76db279ba67a7d3b45ba4c654e7b02bc2f8050671ec365d8665e21/propcache-0.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c2f992c07c0fca81655066705beae35fc95a2fa7366467366db627d9f2ee097f", size = 220009 }, + { url = "https://files.pythonhosted.org/packages/75/90/ee8fab7304ad6533872fee982cfff5a53b63d095d78140827d93de22e2d4/propcache-0.2.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:4a571d97dbe66ef38e472703067021b1467025ec85707d57e78711c085984e54", size = 212199 }, + { url = "https://files.pythonhosted.org/packages/eb/ec/977ffaf1664f82e90737275873461695d4c9407d52abc2f3c3e24716da13/propcache-0.2.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:bb6178c241278d5fe853b3de743087be7f5f4c6f7d6d22a3b524d323eecec505", size = 214827 }, + { url = "https://files.pythonhosted.org/packages/57/48/031fb87ab6081764054821a71b71942161619549396224cbb242922525e8/propcache-0.2.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:ad1af54a62ffe39cf34db1aa6ed1a1873bd548f6401db39d8e7cd060b9211f82", size = 228009 }, + { url = "https://files.pythonhosted.org/packages/1a/06/ef1390f2524850838f2390421b23a8b298f6ce3396a7cc6d39dedd4047b0/propcache-0.2.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:e7048abd75fe40712005bcfc06bb44b9dfcd8e101dda2ecf2f5aa46115ad07ca", size = 231638 }, + { url = "https://files.pythonhosted.org/packages/38/2a/101e6386d5a93358395da1d41642b79c1ee0f3b12e31727932b069282b1d/propcache-0.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:160291c60081f23ee43d44b08a7e5fb76681221a8e10b3139618c5a9a291b84e", size = 222788 }, + { url = "https://files.pythonhosted.org/packages/db/81/786f687951d0979007e05ad9346cd357e50e3d0b0f1a1d6074df334b1bbb/propcache-0.2.1-cp311-cp311-win32.whl", hash = "sha256:819ce3b883b7576ca28da3861c7e1a88afd08cc8c96908e08a3f4dd64a228034", size = 40170 }, + { url = "https://files.pythonhosted.org/packages/cf/59/7cc7037b295d5772eceb426358bb1b86e6cab4616d971bd74275395d100d/propcache-0.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:edc9fc7051e3350643ad929df55c451899bb9ae6d24998a949d2e4c87fb596d3", size = 44404 }, + { url = "https://files.pythonhosted.org/packages/4c/28/1d205fe49be8b1b4df4c50024e62480a442b1a7b818e734308bb0d17e7fb/propcache-0.2.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:081a430aa8d5e8876c6909b67bd2d937bfd531b0382d3fdedb82612c618bc41a", size = 79588 }, + { url = "https://files.pythonhosted.org/packages/21/ee/fc4d893f8d81cd4971affef2a6cb542b36617cd1d8ce56b406112cb80bf7/propcache-0.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:d2ccec9ac47cf4e04897619c0e0c1a48c54a71bdf045117d3a26f80d38ab1fb0", size = 45825 }, + { url = "https://files.pythonhosted.org/packages/4a/de/bbe712f94d088da1d237c35d735f675e494a816fd6f54e9db2f61ef4d03f/propcache-0.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:14d86fe14b7e04fa306e0c43cdbeebe6b2c2156a0c9ce56b815faacc193e320d", size = 45357 }, + { url = "https://files.pythonhosted.org/packages/7f/14/7ae06a6cf2a2f1cb382586d5a99efe66b0b3d0c6f9ac2f759e6f7af9d7cf/propcache-0.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:049324ee97bb67285b49632132db351b41e77833678432be52bdd0289c0e05e4", size = 241869 }, + { url = "https://files.pythonhosted.org/packages/cc/59/227a78be960b54a41124e639e2c39e8807ac0c751c735a900e21315f8c2b/propcache-0.2.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1cd9a1d071158de1cc1c71a26014dcdfa7dd3d5f4f88c298c7f90ad6f27bb46d", size = 247884 }, + { url = "https://files.pythonhosted.org/packages/84/58/f62b4ffaedf88dc1b17f04d57d8536601e4e030feb26617228ef930c3279/propcache-0.2.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:98110aa363f1bb4c073e8dcfaefd3a5cea0f0834c2aab23dda657e4dab2f53b5", size = 248486 }, + { url = "https://files.pythonhosted.org/packages/1c/07/ebe102777a830bca91bbb93e3479cd34c2ca5d0361b83be9dbd93104865e/propcache-0.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:647894f5ae99c4cf6bb82a1bb3a796f6e06af3caa3d32e26d2350d0e3e3faf24", size = 243649 }, + { url = "https://files.pythonhosted.org/packages/ed/bc/4f7aba7f08f520376c4bb6a20b9a981a581b7f2e385fa0ec9f789bb2d362/propcache-0.2.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bfd3223c15bebe26518d58ccf9a39b93948d3dcb3e57a20480dfdd315356baff", size = 229103 }, + { url = "https://files.pythonhosted.org/packages/fe/d5/04ac9cd4e51a57a96f78795e03c5a0ddb8f23ec098b86f92de028d7f2a6b/propcache-0.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:d71264a80f3fcf512eb4f18f59423fe82d6e346ee97b90625f283df56aee103f", size = 226607 }, + { url = "https://files.pythonhosted.org/packages/e3/f0/24060d959ea41d7a7cc7fdbf68b31852331aabda914a0c63bdb0e22e96d6/propcache-0.2.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:e73091191e4280403bde6c9a52a6999d69cdfde498f1fdf629105247599b57ec", size = 221153 }, + { url = "https://files.pythonhosted.org/packages/77/a7/3ac76045a077b3e4de4859a0753010765e45749bdf53bd02bc4d372da1a0/propcache-0.2.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:3935bfa5fede35fb202c4b569bb9c042f337ca4ff7bd540a0aa5e37131659348", size = 222151 }, + { url = "https://files.pythonhosted.org/packages/e7/af/5e29da6f80cebab3f5a4dcd2a3240e7f56f2c4abf51cbfcc99be34e17f0b/propcache-0.2.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:f508b0491767bb1f2b87fdfacaba5f7eddc2f867740ec69ece6d1946d29029a6", size = 233812 }, + { url = "https://files.pythonhosted.org/packages/8c/89/ebe3ad52642cc5509eaa453e9f4b94b374d81bae3265c59d5c2d98efa1b4/propcache-0.2.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:1672137af7c46662a1c2be1e8dc78cb6d224319aaa40271c9257d886be4363a6", size = 238829 }, + { url = "https://files.pythonhosted.org/packages/e9/2f/6b32f273fa02e978b7577159eae7471b3cfb88b48563b1c2578b2d7ca0bb/propcache-0.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b74c261802d3d2b85c9df2dfb2fa81b6f90deeef63c2db9f0e029a3cac50b518", size = 230704 }, + { url = "https://files.pythonhosted.org/packages/5c/2e/f40ae6ff5624a5f77edd7b8359b208b5455ea113f68309e2b00a2e1426b6/propcache-0.2.1-cp312-cp312-win32.whl", hash = "sha256:d09c333d36c1409d56a9d29b3a1b800a42c76a57a5a8907eacdbce3f18768246", size = 40050 }, + { url = "https://files.pythonhosted.org/packages/3b/77/a92c3ef994e47180862b9d7d11e37624fb1c00a16d61faf55115d970628b/propcache-0.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:c214999039d4f2a5b2073ac506bba279945233da8c786e490d411dfc30f855c1", size = 44117 }, + { url = "https://files.pythonhosted.org/packages/0f/2a/329e0547cf2def8857157f9477669043e75524cc3e6251cef332b3ff256f/propcache-0.2.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:aca405706e0b0a44cc6bfd41fbe89919a6a56999157f6de7e182a990c36e37bc", size = 77002 }, + { url = "https://files.pythonhosted.org/packages/12/2d/c4df5415e2382f840dc2ecbca0eeb2293024bc28e57a80392f2012b4708c/propcache-0.2.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:12d1083f001ace206fe34b6bdc2cb94be66d57a850866f0b908972f90996b3e9", size = 44639 }, + { url = "https://files.pythonhosted.org/packages/d0/5a/21aaa4ea2f326edaa4e240959ac8b8386ea31dedfdaa636a3544d9e7a408/propcache-0.2.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:d93f3307ad32a27bda2e88ec81134b823c240aa3abb55821a8da553eed8d9439", size = 44049 }, + { url = "https://files.pythonhosted.org/packages/4e/3e/021b6cd86c0acc90d74784ccbb66808b0bd36067a1bf3e2deb0f3845f618/propcache-0.2.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ba278acf14471d36316159c94a802933d10b6a1e117b8554fe0d0d9b75c9d536", size = 224819 }, + { url = "https://files.pythonhosted.org/packages/3c/57/c2fdeed1b3b8918b1770a133ba5c43ad3d78e18285b0c06364861ef5cc38/propcache-0.2.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4e6281aedfca15301c41f74d7005e6e3f4ca143584ba696ac69df4f02f40d629", size = 229625 }, + { url = "https://files.pythonhosted.org/packages/9d/81/70d4ff57bf2877b5780b466471bebf5892f851a7e2ca0ae7ffd728220281/propcache-0.2.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5b750a8e5a1262434fb1517ddf64b5de58327f1adc3524a5e44c2ca43305eb0b", size = 232934 }, + { url = "https://files.pythonhosted.org/packages/3c/b9/bb51ea95d73b3fb4100cb95adbd4e1acaf2cbb1fd1083f5468eeb4a099a8/propcache-0.2.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bf72af5e0fb40e9babf594308911436c8efde3cb5e75b6f206c34ad18be5c052", size = 227361 }, + { url = "https://files.pythonhosted.org/packages/f1/20/3c6d696cd6fd70b29445960cc803b1851a1131e7a2e4ee261ee48e002bcd/propcache-0.2.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b2d0a12018b04f4cb820781ec0dffb5f7c7c1d2a5cd22bff7fb055a2cb19ebce", size = 213904 }, + { url = "https://files.pythonhosted.org/packages/a1/cb/1593bfc5ac6d40c010fa823f128056d6bc25b667f5393781e37d62f12005/propcache-0.2.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e800776a79a5aabdb17dcc2346a7d66d0777e942e4cd251defeb084762ecd17d", size = 212632 }, + { url = "https://files.pythonhosted.org/packages/6d/5c/e95617e222be14a34c709442a0ec179f3207f8a2b900273720501a70ec5e/propcache-0.2.1-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:4160d9283bd382fa6c0c2b5e017acc95bc183570cd70968b9202ad6d8fc48dce", size = 207897 }, + { url = "https://files.pythonhosted.org/packages/8e/3b/56c5ab3dc00f6375fbcdeefdede5adf9bee94f1fab04adc8db118f0f9e25/propcache-0.2.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:30b43e74f1359353341a7adb783c8f1b1c676367b011709f466f42fda2045e95", size = 208118 }, + { url = "https://files.pythonhosted.org/packages/86/25/d7ef738323fbc6ebcbce33eb2a19c5e07a89a3df2fded206065bd5e868a9/propcache-0.2.1-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:58791550b27d5488b1bb52bc96328456095d96206a250d28d874fafe11b3dfaf", size = 217851 }, + { url = "https://files.pythonhosted.org/packages/b3/77/763e6cef1852cf1ba740590364ec50309b89d1c818e3256d3929eb92fabf/propcache-0.2.1-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:0f022d381747f0dfe27e99d928e31bc51a18b65bb9e481ae0af1380a6725dd1f", size = 222630 }, + { url = "https://files.pythonhosted.org/packages/4f/e9/0f86be33602089c701696fbed8d8c4c07b6ee9605c5b7536fd27ed540c5b/propcache-0.2.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:297878dc9d0a334358f9b608b56d02e72899f3b8499fc6044133f0d319e2ec30", size = 216269 }, + { url = "https://files.pythonhosted.org/packages/cc/02/5ac83217d522394b6a2e81a2e888167e7ca629ef6569a3f09852d6dcb01a/propcache-0.2.1-cp313-cp313-win32.whl", hash = "sha256:ddfab44e4489bd79bda09d84c430677fc7f0a4939a73d2bba3073036f487a0a6", size = 39472 }, + { url = "https://files.pythonhosted.org/packages/f4/33/d6f5420252a36034bc8a3a01171bc55b4bff5df50d1c63d9caa50693662f/propcache-0.2.1-cp313-cp313-win_amd64.whl", hash = "sha256:556fc6c10989f19a179e4321e5d678db8eb2924131e64652a51fe83e4c3db0e1", size = 43363 }, + { url = "https://files.pythonhosted.org/packages/41/b6/c5319caea262f4821995dca2107483b94a3345d4607ad797c76cb9c36bcc/propcache-0.2.1-py3-none-any.whl", hash = "sha256:52277518d6aae65536e9cea52d4e7fd2f7a66f4aa2d30ed3f2fcea620ace3c54", size = 11818 }, ] [[package]] @@ -4331,8 +3650,7 @@ dependencies = [ { name = "geocoder" }, { name = "gpustat" }, { name = "gputil" }, - { name = "lightning", version = "2.3.3", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'Windows'" }, - { name = "lightning", version = "2.4.0", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Windows'" }, + { name = "lightning" }, { name = "netcdf4" }, { name = "numpy" }, { name = "pandas" }, @@ -4563,14 +3881,14 @@ wheels = [ [[package]] name = "pydot" -version = "3.0.2" +version = "3.0.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyparsing" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/85/10/4e4da8c271540dc35914e927546cbb821397f0f9477f4079cd8732946699/pydot-3.0.2.tar.gz", hash = "sha256:9180da540b51b3aa09fbf81140b3edfbe2315d778e8589a7d0a4a69c41332bae", size = 167979 } +sdist = { url = "https://files.pythonhosted.org/packages/bf/b8/500a772825c7ca87e4fd69c3bd6740e3375d6792a7065dd92759249f223d/pydot-3.0.3.tar.gz", hash = "sha256:5e009d97b2fff92b7a88f09ec1fd5b163f07f3b10469c927d362471d6faa0d50", size = 168086 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a7/e4/463fd46922e0b0b369305662f85f1c70dcc1cde1584906cf8defed8308a3/pydot-3.0.2-py3-none-any.whl", hash = "sha256:99cedaa55d04abb0b2bc56d9981a6da781053dd5ac75c428e8dd53db53f90b14", size = 35773 }, + { url = "https://files.pythonhosted.org/packages/3e/1b/ef569ac44598b6b24bc0f80d5ac4f811af59d3f0d0d23b0216e014c0ec33/pydot-3.0.3-py3-none-any.whl", hash = "sha256:9b0b3081e0bd362d0c61148da10eb1281ec80089b02a28cf06f9093843986f3d", size = 35784 }, ] [[package]] @@ -4593,7 +3911,7 @@ wheels = [ [[package]] name = "pyobjc" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -4750,124 +4068,132 @@ dependencies = [ { name = "pyobjc-framework-vision", marker = "platform_release >= '17.0'" }, { name = "pyobjc-framework-webkit" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e0/20/722e33f62631370c1475d773cadf4290d3c6f3a0e9d025fa6e2528270eaa/pyobjc-10.3.1.tar.gz", hash = "sha256:476dd5c72394e4cfcdac6dfd756839011a0159353247f45e3e07cc0b3536c9d4", size = 10975 } +sdist = { url = "https://files.pythonhosted.org/packages/c8/89/982c55c5f4fc9ae1f22fb92b4dc003424df1d43da67f305d0a62ee00f6ac/pyobjc-10.3.2.tar.gz", hash = "sha256:1f35f3f8fc48028f2fdca48f55ac72073fe8980b9fa11a94b86ad69f50c9bd75", size = 10976 } wheels = [ - { url = "https://files.pythonhosted.org/packages/cb/a5/4b9ed66894d804dc57c13b7fdb8f65ed831f13514216ce736e1455dfe214/pyobjc-10.3.1-py3-none-any.whl", hash = "sha256:dfa9ff44a353b9d0bf1245c25c94d1eee6d0cb26d9c5433bbcd67a265f7654ae", size = 4050 }, + { url = "https://files.pythonhosted.org/packages/74/70/6097a795974795dbe645d6ae57ef4d5147002445eb02dbeef4778a264757/pyobjc-10.3.2-py3-none-any.whl", hash = "sha256:b46e480c8988d17b87b89095c9f74d3cb6f0334aaa38690d02cfd614aa12c71c", size = 4069 }, ] [[package]] name = "pyobjc-core" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b7/40/a38d78627bd882d86c447db5a195ff307001ae02c1892962c656f2fd6b83/pyobjc_core-10.3.1.tar.gz", hash = "sha256:b204a80ccc070f9ab3f8af423a3a25a6fd787e228508d00c4c30f8ac538ba720", size = 935027 } +sdist = { url = "https://files.pythonhosted.org/packages/5d/07/2b3d63c0349fe4cf34d787a52a22faa156225808db2d1531fe58fabd779d/pyobjc_core-10.3.2.tar.gz", hash = "sha256:dbf1475d864ce594288ce03e94e3a98dc7f0e4639971eb1e312bdf6661c21e0e", size = 935182 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ec/2d/355a7042ecbf839515e0caa67819bac62d9ee0a0452281f89f95dddd3066/pyobjc_core-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:ea46d2cda17921e417085ac6286d43ae448113158afcf39e0abe484c58fb3d78", size = 774309 }, - { url = "https://files.pythonhosted.org/packages/ba/69/e782f176bb5ac71473563f4e5cf825c48b1d7d1fbe1fadde201027804e45/pyobjc_core-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:899d3c84d2933d292c808f385dc881a140cf08632907845043a333a9d7c899f9", size = 775224 }, - { url = "https://files.pythonhosted.org/packages/cd/4d/d5d552b209fbca644cf9e0115a4cef8bc5f6726a44303eb7ae8d8a920a9e/pyobjc_core-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:6ff5823d13d0a534cdc17fa4ad47cf5bee4846ce0fd27fc40012e12b46db571b", size = 825968 }, - { url = "https://files.pythonhosted.org/packages/2e/8b/341571ac5d625968083cbd718e1af7eac54197ed3d404dfff9467c3a8c88/pyobjc_core-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:2581e8e68885bcb0e11ec619e81ef28e08ee3fac4de20d8cc83bc5af5bcf4a90", size = 827410 }, + { url = "https://files.pythonhosted.org/packages/a7/60/8f4d181ffa050b6b98f92bb7487a2a0241435ceee652b26729d7c4514fd3/pyobjc_core-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:acb40672d682851a5c7fd84e5041c4d069b62076168d72591abb5fcc871bb039", size = 774483 }, + { url = "https://files.pythonhosted.org/packages/8e/11/f28af2cb4446743c8515f40f8dfac1bc078566c4a5cd7dcc6d24219ff3c9/pyobjc_core-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:cea5e77659619ad93c782ca07644b6efe7d7ec6f59e46128843a0a87c1af511a", size = 775537 }, + { url = "https://files.pythonhosted.org/packages/13/89/8808fe75efb03b29e082f9d12da31d55d5be3f55260c7b4e4cde7ebf81af/pyobjc_core-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:16644a92fb9661de841ba6115e5354db06a1d193a5e239046e840013c7b3874d", size = 826024 }, + { url = "https://files.pythonhosted.org/packages/08/27/e7b8240c116cd8231ac33daaf982e36f77be33cf5448bbc568ce17371a79/pyobjc_core-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:76b8b911d94501dac89821df349b1860bb770dce102a1a293f524b5b09dd9462", size = 827885 }, + { url = "https://files.pythonhosted.org/packages/de/a3/897cc31fca822a4df4ece31e4369dd9eae35bcb0b535fc9c7c21924268ba/pyobjc_core-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:8c6288fdb210b64115760a4504efbc4daffdc390d309e9318eb0e3e3b78d2828", size = 837794 }, ] [[package]] name = "pyobjc-framework-accessibility" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/24/20/18a45998ae8bf9ce532a29f8eaebdaa7f15a7f77b3c34a8304714b393166/pyobjc_framework_accessibility-10.3.1.tar.gz", hash = "sha256:c973306417441e6bed5f9be6154e6399aa7f38fa9b6bcf3368fa42d92ef3030b", size = 29349 } +sdist = { url = "https://files.pythonhosted.org/packages/3e/08/e87e90c8de6851589bd8c02ca64eac2dbe1cf51b62fd06a3cb2e52cddb91/pyobjc_framework_accessibility-10.3.2.tar.gz", hash = "sha256:2a7f29d7fae54db6e447d746d29f1c720b48b4d41cf3ed927a58949917c2b7ed", size = 29704 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1f/be/f20998cbba98386a47784ea9b7738c6b6d106f1dd30a7f99387e7ee5bb53/pyobjc_framework_Accessibility-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4a1b10d2098b5e3887d4e52b13c2d7619f248ceeaa4e78bb21c51c25c7d391c3", size = 10723 }, - { url = "https://files.pythonhosted.org/packages/50/36/6afe05e0ebf8b194d7d26730fa39b09279e7f819945c909875cbc7435b6d/pyobjc_framework_Accessibility-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4926eeef40d750215f0787d2124407a4c65bc03407e402ea47901b713e8765e5", size = 10781 }, - { url = "https://files.pythonhosted.org/packages/ad/61/46d9bd68309ec9e1659ce14fe6c46e0754112d8fc8e1fc49797ae6bb8f6e/pyobjc_framework_Accessibility-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b5b9d7373d1a8a06f57baca2f67279c3b0c61ecfb17fa6da964e0e275e7d18ed", size = 7489 }, - { url = "https://files.pythonhosted.org/packages/ec/5d/0ffe3abc230e694e0a8aaf8f9a8c4f4f3b7f98787d53be5a5eba979654ad/pyobjc_framework_Accessibility-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:94dbc5f223e6485820c14e7dee99d8f4d5cbf0600353033822dcab7ec4bc998e", size = 10653 }, + { url = "https://files.pythonhosted.org/packages/99/57/c8937ca98eb1ae4ea60620e3f749596c0c4612acdd0c18d5aa05f5aa25d9/pyobjc_framework_Accessibility-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:dc05d558b8dc3670f95b86ff76ea8cab5350c1a97160ad2ed74c0333d38b69b7", size = 10176 }, + { url = "https://files.pythonhosted.org/packages/34/f8/dc3d13d754a661d417c17e7076aacf600462acbe3cc7b3abb1979410ae58/pyobjc_framework_Accessibility-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:46c8fae7ca20250e0ad269963d06d091f09f3a706940cd0933195d23eb4589b6", size = 9993 }, + { url = "https://files.pythonhosted.org/packages/7d/b7/0f3facfe12cf06e4e17966d584be3d522bdca6d5f466f1274b414b975d2c/pyobjc_framework_Accessibility-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:03e4e425c29129989a00090c2abd69d07806dc220d3ed5de17271f7ce0b2f394", size = 9976 }, + { url = "https://files.pythonhosted.org/packages/75/64/2ff6691699e30829aec8e0b47d3913900b5af01fdbd55bdf2547c33136ee/pyobjc_framework_Accessibility-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:4428855b982f0e161f29adfd2f7cca5c0ac17b727fc62771bfd278c7786b9469", size = 7350 }, + { url = "https://files.pythonhosted.org/packages/74/5d/dbad50959899094264276931b309b65aa4ddb9453b13da581647555811f2/pyobjc_framework_Accessibility-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:9301daabe0a906c6621e86afbe8f8dd7cd8d1b118ccc7d19e9b8a7a6502b12d1", size = 10472 }, ] [[package]] name = "pyobjc-framework-accounts" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/cf/be/a4e4eeebfa140f0e00fe2fb882802cc4a5fa7f12c7fea01e35314fcf276c/pyobjc_framework_accounts-10.3.1.tar.gz", hash = "sha256:3d55738e7b3290af8cd4993fd2b670242a952deb995a69911be2a1be4c509a86", size = 16180 } +sdist = { url = "https://files.pythonhosted.org/packages/41/99/587ce238d38c7ebe52c3f9ecc7a50b47ce51e6ace833e6b82435558fc086/pyobjc_framework_accounts-10.3.2.tar.gz", hash = "sha256:50460f185206d57755ddf942f216177ff10b3cda48e6969ed88e57aad1f354d6", size = 16498 } wheels = [ - { url = "https://files.pythonhosted.org/packages/27/8c/23a9128a0252d6ef7643edd5c90d18699fb7a8ae9849e47806408d3d15d2/pyobjc_framework_Accounts-10.3.1-py2.py3-none-any.whl", hash = "sha256:451488f91263afd23233287f223ba00c0ee5c93d64cd10e133d72bc6a0fc48aa", size = 4727 }, + { url = "https://files.pythonhosted.org/packages/a5/9d/08208de5cf4fa5aeba16112696be54ecc5c58a76c23b2cbfb65f5657825b/pyobjc_framework_Accounts-10.3.2-py2.py3-none-any.whl", hash = "sha256:40ab8fa23b10bb3328c31adbf541d7862e5cf6a2c7c9d30a8ed92d9b45e9851b", size = 4727 }, + { url = "https://files.pythonhosted.org/packages/68/ed/f8aa50ad8d9a4a9609086d481d25ae13a725e0a3d54fc01461d845fa1ec8/pyobjc_framework_Accounts-10.3.2-py3-none-any.whl", hash = "sha256:45eed359516530a25c5ed1da91d5eedf7c4e944fb76fe90dba83d90032a0c528", size = 4722 }, ] [[package]] name = "pyobjc-framework-addressbook" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/21/0a/68769f71cbf9f46070059def94a5c7b0b218626652d7aa589e15f4e8b876/pyobjc_framework_addressbook-10.3.1.tar.gz", hash = "sha256:cde99b855c39b56ca52479b0a1e2daa3ef5de12cebfe780c3c802a5f59a484cc", size = 84696 } +sdist = { url = "https://files.pythonhosted.org/packages/bc/8a/613db5bbbce90439322a8c2a40274af2780f65e9996604e00061690badbf/pyobjc_framework_addressbook-10.3.2.tar.gz", hash = "sha256:d5c9677aa64e8116b31a1d3f39f0bf2d1681f7cb93dbdc21db314c9dd8ac82f7", size = 85044 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1b/11/7843baf1041c7c42e272178eb0f1f6b19bd1460e59a4515741b8e553375d/pyobjc_framework_AddressBook-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:02ab8cb2300d55beaddee4f113a5c4a78ef737eda6c704678487529e391062e2", size = 13244 }, - { url = "https://files.pythonhosted.org/packages/e3/29/d1ccc5aaf041d68f35f64df1ba0acd5c3d8b13f3deaf4b3ac94b8f67e792/pyobjc_framework_AddressBook-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:1cfa893c21920f5420f3e57da314315e92c855a83f0718482dc33bdb859b9f24", size = 13302 }, - { url = "https://files.pythonhosted.org/packages/37/bc/36f19b723404bfa739aa59c4df15a42387ed8c5c55ea168fbe74b0de0771/pyobjc_framework_AddressBook-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7aa89a352f1729de1cb4d7841906487d9db752c2802af5695596b1cf5290acfb", size = 10829 }, - { url = "https://files.pythonhosted.org/packages/c0/b2/730fe2665b385fe5ad59fee25d562ed182f3369885d467aafcb369fb9c63/pyobjc_framework_AddressBook-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:f25864847b4a81289dd08e7052455699ee011a4df98f4da0b07f46523c212592", size = 13610 }, + { url = "https://files.pythonhosted.org/packages/ac/37/936d302cc1ee51dcbd06e44310fba0a0045831b52589e58eb6c2bf19ae28/pyobjc_framework_AddressBook-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:5e4dca9d635f99d0ea5d81c824d37d5335c2f11e31e3160d1967549ba5c8bbae", size = 13353 }, + { url = "https://files.pythonhosted.org/packages/63/6b/d12aa535162a5aca827a73182e927ec87b7de82485c69322e77b82e19088/pyobjc_framework_AddressBook-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d04c22bb124a8b329c8142c76d6235877ca642f05b6c5176e6364c24b7a7633a", size = 13137 }, + { url = "https://files.pythonhosted.org/packages/4f/79/2fcaa4e2ddfcef3ffb55faf064b7ef1a8985b1c467d28241621626e3462b/pyobjc_framework_AddressBook-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:1793ed4a9e4068a376881832da0a445b31afa0e1a0806475091592b3991ebd96", size = 13100 }, + { url = "https://files.pythonhosted.org/packages/e6/65/7fbb60cbfc743c00368e808147bc00332999c4c47ac2982d16229f9314b1/pyobjc_framework_AddressBook-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:26140d825b7141e576a2f84b6535965421334498ba6cb4235c9a9ccb75523aac", size = 10710 }, + { url = "https://files.pythonhosted.org/packages/79/c7/70430efcfdd286f0cc3791bf368914b3ba12bb0cd97e7697a6e37315db66/pyobjc_framework_AddressBook-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:546f9c2619856fd0ccc3189f14cfe8a3c63e653abc0f021f09cca944ccbff4b8", size = 13515 }, ] [[package]] name = "pyobjc-framework-adservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ab/9b/eaeb7c8f30899979113b91d8317efd30743d335bdaaa8fb88434e7bf7616/pyobjc_framework_adservices-10.3.1.tar.gz", hash = "sha256:28123eb111d023f708e1d86f5f3f76bd4f6bb0d932466863f84b3e322b11537a", size = 11838 } +sdist = { url = "https://files.pythonhosted.org/packages/d2/49/b3fccd144e3357762278c40a669dfa53a6fdf6ced47217156f7112228dfc/pyobjc_framework_adservices-10.3.2.tar.gz", hash = "sha256:217c25adad25365a65ae9bbdd7e110b3b4597bcb78d9a914b00067a2135906df", size = 12169 } wheels = [ - { url = "https://files.pythonhosted.org/packages/c7/85/bfd64830a47b363ae31e2366ec68da065c35abd9fc08adaa4cd6daa48d42/pyobjc_framework_AdServices-10.3.1-py2.py3-none-any.whl", hash = "sha256:c839c4267ad8443393e4d138396026764ee43776164da8a8ed9ac248b7d9c0d9", size = 3105 }, + { url = "https://files.pythonhosted.org/packages/54/a5/bf3ecbaa1930055be55aa5c2fcabe259ae707ee0aa00568aca3041b7fa32/pyobjc_framework_AdServices-10.3.2-py2.py3-none-any.whl", hash = "sha256:8c2644006198f9aa733f4ab4bd64d60e3e2a76d9a4347f0f307c18eaf264c18d", size = 3105 }, + { url = "https://files.pythonhosted.org/packages/d0/c4/918b68b508bc4807d4a407022fd202cad102c396ac1d412155b777b4520b/pyobjc_framework_AdServices-10.3.2-py3-none-any.whl", hash = "sha256:94857b7938d1ed190289f3f28b246089533899fa970f06c5abce98b7a0f52f2e", size = 3100 }, ] [[package]] name = "pyobjc-framework-adsupport" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/87/cf/9b40ef87f1315858e3dce9f807b359e43a6183616a6a8d2caab533d49a3e/pyobjc_framework_adsupport-10.3.1.tar.gz", hash = "sha256:ba85a00cf20c42501d8083092f7ca0fcd1e616b1725e6512e75bcb60a6d58528", size = 11991 } +sdist = { url = "https://files.pythonhosted.org/packages/77/dd/bdeecdde652e82bfe7d75fddc2e70682433d564bafc5fc851c5e2c558443/pyobjc_framework_adsupport-10.3.2.tar.gz", hash = "sha256:71cac2c9a4dd764fefc7b257483338f73d9783038d52028b97446ea83ad37c87", size = 12307 } wheels = [ - { url = "https://files.pythonhosted.org/packages/20/3e/3d43c0a398390c358a777fec7ccf9cf94523cc41618a59fcf72dc2172990/pyobjc_framework_AdSupport-10.3.1-py2.py3-none-any.whl", hash = "sha256:0e403ec206ada472b2c0b129ed656342a97c20110ca8398ab907100516b0e48c", size = 3018 }, + { url = "https://files.pythonhosted.org/packages/e3/b3/95ac315013f863c87ff1c78520db60e995d67f9c30f5679c8806fdc03823/pyobjc_framework_AdSupport-10.3.2-py2.py3-none-any.whl", hash = "sha256:4fe1d3a85dd5489ae990490991262d1402689ae13dc32f0fc53f94fe59544101", size = 3019 }, + { url = "https://files.pythonhosted.org/packages/1f/c5/20758d41c8af927f6686e2ae5e9ea74f885d069879515114877ecd560438/pyobjc_framework_AdSupport-10.3.2-py3-none-any.whl", hash = "sha256:212c8b52c3870a21e3be476f565d5e1f3c298b244842fa4967c2fa3310c0e57d", size = 3017 }, ] [[package]] name = "pyobjc-framework-applescriptkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5c/c4/42e37476f31dddecb3d7b83b076d5e94b754837e2326b0218227b20f96ec/pyobjc_framework_applescriptkit-10.3.1.tar.gz", hash = "sha256:add2e63598b699666bcf00ac59f6f1046266df1665bec71b142cd21b89037064", size = 11779 } +sdist = { url = "https://files.pythonhosted.org/packages/1a/78/5abe58d1698dfacc0e5ab719aa2cd93879230e45b9387bcc3b0bb91040d3/pyobjc_framework_applescriptkit-10.3.2.tar.gz", hash = "sha256:a4d74fc6b28d1ff7d39b60c9e0c2d5d1baf575ade6e6d1ea06ed077facec47db", size = 12102 } wheels = [ - { url = "https://files.pythonhosted.org/packages/0c/0b/6638a036e5e4b8451d9c5e96da5ec1bfcf4bee68b09b2e28158445d767e4/pyobjc_framework_AppleScriptKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:97ce878ff334b6853405a62e164debb9e6695110e64db5ed596008c0fde84970", size = 3930 }, + { url = "https://files.pythonhosted.org/packages/7b/7b/2abb01be55d4633ecae77af4d85077e7825452ece51daf4cd0cde0d8ae49/pyobjc_framework_AppleScriptKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:a970410ece8004a912918eed3173b2771c857fb8eb3b61f8d796d3e0e0b759d6", size = 3931 }, + { url = "https://files.pythonhosted.org/packages/50/bb/2e8ff9f8d4b72ba43e3e0e45f9aa4ce8d02352e8dd4a6321bfc61371ec21/pyobjc_framework_AppleScriptKit-10.3.2-py3-none-any.whl", hash = "sha256:38e7b573d3d5b3773d8a7f2189cad2378d32353d597dcd6342e2419dd6310c0e", size = 3926 }, ] [[package]] name = "pyobjc-framework-applescriptobjc" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/80/9e/db9d93764db336ed53da548cd7b52b6fbd7d493101b801b164f5c1f5fce8/pyobjc_framework_applescriptobjc-10.3.1.tar.gz", hash = "sha256:a87101d86b08e06e2c0e51630ac76d4c70f01cf1ed7af281f3138e63146e279b", size = 11797 } +sdist = { url = "https://files.pythonhosted.org/packages/f0/8b/d720f671b21a07a8d1815c54ce4e8f313f73ea645a82faa8331a2a05d9c2/pyobjc_framework_applescriptobjc-10.3.2.tar.gz", hash = "sha256:6af16cab0fe4e2d50775e67501bcecae1c5acdba7ed560eba38e5f8e3c8ac38c", size = 12166 } wheels = [ - { url = "https://files.pythonhosted.org/packages/94/1f/700ba04ece5f7c654cd58617a26427a0337e21003f1efd38132af48e0427/pyobjc_framework_AppleScriptObjC-10.3.1-py2.py3-none-any.whl", hash = "sha256:2d64c74a4af48656bb407eb177fe5f1d3c0f7bd9c578e5583dffde8e3d55f5df", size = 4027 }, + { url = "https://files.pythonhosted.org/packages/fb/46/eff05f226e5834c9f24cc96b12e09d0da08165264f1fde813ba715ca2f6e/pyobjc_framework_AppleScriptObjC-10.3.2-py2.py3-none-any.whl", hash = "sha256:a932ffdcf6a5b5ac884666bb0ae2a8075528f489b0b5aa4336fc22e6f011664e", size = 4030 }, + { url = "https://files.pythonhosted.org/packages/81/6b/b00195e4431651ffdb313d35da3c3f27a8b2558a3219bb00221500b75b59/pyobjc_framework_AppleScriptObjC-10.3.2-py3-none-any.whl", hash = "sha256:e0a0496fc05e7b23d6030d9dfcd706167ad05e7032f69117bc0136234eebc12e", size = 4026 }, ] [[package]] name = "pyobjc-framework-applicationservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -4875,94 +4201,100 @@ dependencies = [ { name = "pyobjc-framework-coretext" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/66/a6/3704b63c6e844739e3b7e324d1268fb6f7cb485550267719660779266c60/pyobjc_framework_applicationservices-10.3.1.tar.gz", hash = "sha256:f27cb64aa4d129ce671fd42638c985eb2a56d544214a95fe3214a007eacc4790", size = 182738 } +sdist = { url = "https://files.pythonhosted.org/packages/78/a0/32cd02c3e5f0f740f86064a078278c180d3058c857b8425a5128866e3931/pyobjc_framework_applicationservices-10.3.2.tar.gz", hash = "sha256:2116c3854ac07c022268eebc7cb40ccba30727df78442e57e0280b5193c8183c", size = 183088 } wheels = [ - { url = "https://files.pythonhosted.org/packages/06/c9/f2d92e183345268541315cac065244a117ea13d8872da5a994517fb9b9d2/pyobjc_framework_ApplicationServices-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:b694260d423c470cb90c3a7009cfde93e332ea6fb4b9b9526ad3acbd33460e3d", size = 31031 }, - { url = "https://files.pythonhosted.org/packages/78/24/31fdd15f88d3a0a88ba88b27d1f134c7819221886bf56644af12fe672c6d/pyobjc_framework_ApplicationServices-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:d886ba1f65df47b77ff7546f3fc9bc7d08cfb6b3c04433b719f6b0689a2c0d1f", size = 31029 }, - { url = "https://files.pythonhosted.org/packages/af/01/bf2d335e3f176227a142f466419a9400dd752e7f02f03674a276f39c1d78/pyobjc_framework_ApplicationServices-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:be157f2c3ffb254064ef38249670af8cada5e519a714d2aa5da3740934d89bc8", size = 31072 }, - { url = "https://files.pythonhosted.org/packages/a5/44/44821633fb0a94e5072997eb56496a72c071ed22a1c93e53915b5a14dbb5/pyobjc_framework_ApplicationServices-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:57737f41731661e4a3b78793ec9173f61242a32fa560c3e4e58484465d049c32", size = 30950 }, + { url = "https://files.pythonhosted.org/packages/73/f4/723f654f9b8002c018edaee7e054ebd8eaa1bc761c93ea3d8d549853c87d/pyobjc_framework_ApplicationServices-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7e0d5d7d23a406508d59fee53bb91b1f559c055d744edc3172669b3fb0f9941b", size = 30723 }, + { url = "https://files.pythonhosted.org/packages/87/07/168a9fe2a9431faa765f83768dba8e74a103ce70649e66a249e1bcfcbf71/pyobjc_framework_ApplicationServices-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f0a0b47a0371246a02efcf9335ae3d18166e80e4237e25c25a13993f8df5cc1d", size = 30724 }, + { url = "https://files.pythonhosted.org/packages/f7/c0/59d4a79aac12052c2c594c7e4e8f16ddf16be0aaae8f8321f93ac1f92a16/pyobjc_framework_ApplicationServices-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:b9174444599b6adf37c1d28915445d716324f1cdc70a1818f7cb4f181caeee1b", size = 30776 }, + { url = "https://files.pythonhosted.org/packages/09/b9/1b47a7a4d693c0686e2b94bba09db00bf1ce9f29924403448c68286ec90c/pyobjc_framework_ApplicationServices-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:18ea759e4792d3ed9e8b94f0d96f6fece647e365d0bb09bb935c32262822fe01", size = 30762 }, + { url = "https://files.pythonhosted.org/packages/ba/42/64f1f76e135b356e2b911925fd55438750b939a558acb29304dad6d0ffb8/pyobjc_framework_ApplicationServices-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:1b1db81225b993cd6f93c7271e13b0bbdfd3c89fae6f7111b21dd8933fab1269", size = 31128 }, ] [[package]] name = "pyobjc-framework-apptrackingtransparency" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/75/63/b7039473d92211938645c44069b2e8bc65eefc229a3aac1ff8ccf0f13415/pyobjc_framework_apptrackingtransparency-10.3.1.tar.gz", hash = "sha256:2e381db5f7d3985207b5ff2975e41bf0f9147080345b2e1b4b242f8799290d04", size = 12547 } +sdist = { url = "https://files.pythonhosted.org/packages/a2/9f/bd8bb6d37c96060ea265d65e2dd9b6bf30801f6ffd922db7635165ac0968/pyobjc_framework_apptrackingtransparency-10.3.2.tar.gz", hash = "sha256:b1a0c19321f103d7f9c146b921d260083bb536a4d28b9d4337ca2ea4f88318a1", size = 12863 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f2/ab/7be81bd560ea539f5fa39c81c55af759d69a667ad9bb81efb2094e8a7b1c/pyobjc_framework_AppTrackingTransparency-10.3.1-py2.py3-none-any.whl", hash = "sha256:7c0e3a5cad402e8c3c5da1f070be0f49bb827e6d9e5165744f64e082633a4b45", size = 3459 }, + { url = "https://files.pythonhosted.org/packages/ec/de/d5c22f0328ac7c7f68eebddb0e30acc4eb45e36bd6a4b3baee583e89cca8/pyobjc_framework_AppTrackingTransparency-10.3.2-py2.py3-none-any.whl", hash = "sha256:9dd9ccd50ef9553e8810a2b0ef1824f5c42aff44f7eedf30a7a38dd1dc57f0c3", size = 3463 }, + { url = "https://files.pythonhosted.org/packages/ee/02/ea1b1a78396a84356d44bdbf9a25ab6d72dd7d75a93cdcc052282740357a/pyobjc_framework_AppTrackingTransparency-10.3.2-py3-none-any.whl", hash = "sha256:f68058481a48626375db21965e7bfecad8500103f21febfe3baeba8c59a3737c", size = 3457 }, ] [[package]] name = "pyobjc-framework-audiovideobridging" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f9/f8/437666f24f295986ad9ea77a694f7db98889a8367fad46d93b84ae028e28/pyobjc_framework_audiovideobridging-10.3.1.tar.gz", hash = "sha256:b2c1d5977a92915f6af2203e3b4c9b8a8392bc51e0fc13ccb393589419387119", size = 59209 } +sdist = { url = "https://files.pythonhosted.org/packages/a1/ea/67984a0d4065cbf6982d4e18581fa2b8a0023c37ee5bf436ccebb6c8f552/pyobjc_framework_audiovideobridging-10.3.2.tar.gz", hash = "sha256:72b1c8a07fb5ab4f988c9172e5ddf44f1fd15214aa5dc2f80852c6152e13b2b8", size = 59579 } wheels = [ - { url = "https://files.pythonhosted.org/packages/5b/d7/bfa5cb1118475073414bf69548ad9517864dc314c1ba46e9c47f60957fe7/pyobjc_framework_AudioVideoBridging-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:8accf87f136a6aa71d89d3a2204127b48e64ec25d3e1159f0f23ede0c4d70e59", size = 11125 }, - { url = "https://files.pythonhosted.org/packages/82/ec/da418b96f03e5dd7d0bf0974843292756d89dd9e2604384e5da802332ffd/pyobjc_framework_AudioVideoBridging-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4f6067b2f50fb48c9ecb521b8865d93dfbd46510a4322cc2041b1e917678f39b", size = 11124 }, - { url = "https://files.pythonhosted.org/packages/2f/5b/f03579fb2c77b72981beab1cbb58d9f02ea6a7d0309a9fb4e859a6ede73b/pyobjc_framework_AudioVideoBridging-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1aebc6c1aafb3cdfc5f9fad2dfe2dfccfbab159dc8dbfe54cfea777108e80e44", size = 11152 }, - { url = "https://files.pythonhosted.org/packages/a7/3f/cd2f1187295ba9824129823911bdbd984bb49d9c86336c08d77a8f19bccb/pyobjc_framework_AudioVideoBridging-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:b1fb0af1df78800205cd7a7cd90e58b640513bbb944fe6a8d89df43e626a27a8", size = 11094 }, + { url = "https://files.pythonhosted.org/packages/21/71/7cc4f02e72a421dab8108774c027fed853174c8af29edee998d8dd15e967/pyobjc_framework_AudioVideoBridging-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7d2ba4ae1e0fa66b8cf96c434c9c6a83f5c62e0cae44f1e3d9c5b11ec5954bde", size = 11005 }, + { url = "https://files.pythonhosted.org/packages/49/c5/f7df33105def20bc69f694287be6a68ec59b0b9d98dd047b7380bf3e8e5d/pyobjc_framework_AudioVideoBridging-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:827233f90741adc6d7b0288e13d489599c818b7069de59dd1f64868d9b532b3e", size = 11000 }, + { url = "https://files.pythonhosted.org/packages/87/9c/7ef810b3c36a492fdeca06b3b66a1fd5541f9fa90d04e126ef68fd29a29c/pyobjc_framework_AudioVideoBridging-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1eba2ef24a191b698e6a991a5b37e1b047ab8d20b436f008c80b68e727ef0fb4", size = 11035 }, + { url = "https://files.pythonhosted.org/packages/6a/30/a59a1fa468e6b6d612896bd4837df6cbac3c0055ee3d43a9231584234bcc/pyobjc_framework_AudioVideoBridging-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:494e74d8e3f79d402cafb43979a966ab942d2659ce563faf10881a3fb12b2822", size = 11033 }, + { url = "https://files.pythonhosted.org/packages/ed/18/d9deb8c71897a37c504637d2f2a4d07450d007af3aa7b7930bf75a00f365/pyobjc_framework_AudioVideoBridging-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:45ef60286ed359dc1bcae1ecafe2c006ec38285bd60cf64104b640a2c8155bfe", size = 11244 }, ] [[package]] name = "pyobjc-framework-authenticationservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/35/3b/12082a13266fed356222a5c6c3eaf6ddcf21099f7a5b76b3fff58568042a/pyobjc_framework_authenticationservices-10.3.1.tar.gz", hash = "sha256:0ac834f4a5cbe3cf20acd4f6a96df77bc643a1ae248e394d06964db9fe0d6310", size = 86405 } +sdist = { url = "https://files.pythonhosted.org/packages/dd/16/ca8a01b9ff6bb50fd35465b1a31785575096b4aa079ccbc90cbd40cf7db1/pyobjc_framework_authenticationservices-10.3.2.tar.gz", hash = "sha256:ff990cb7bc2ac9599082f162e38e4db3bf7504c71948c09ec5fb625f4c2e05e1", size = 86841 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ce/f3/7e2ed16674d77f7f124d9aed88e44d420c1de9bf405fe3a020fa4550ffc5/pyobjc_framework_AuthenticationServices-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:fa0a11fb64e30f14f01ec2d3a2a89a3e1a554db62111b0612f1782722b6dd534", size = 19963 }, - { url = "https://files.pythonhosted.org/packages/87/8c/51425897927005f8d42b26fd1c5ce6b934dcff287f3d643b21cba2a8fcd2/pyobjc_framework_AuthenticationServices-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:e2753cdd5480f97753dc32d9f41d7e6cb75b09f7ce950b2eea4a9851e0a437db", size = 19902 }, - { url = "https://files.pythonhosted.org/packages/22/c5/23298f667061724b479b5c6707e985ac36541d04e023110427a4a936098b/pyobjc_framework_AuthenticationServices-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:91c2cc0e963d6ac44c3a6014270b54e6499f1aae64d82482d96114c38fb99817", size = 13723 }, - { url = "https://files.pythonhosted.org/packages/27/d1/0d3a08a92ca7dd92311f8b13e08f41f2f5d558bad17a4db53dcd007b951a/pyobjc_framework_AuthenticationServices-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d715bbdf1c94ea838830930a41de0554905760943cff1510268d8e485c826ee8", size = 19988 }, + { url = "https://files.pythonhosted.org/packages/a2/79/08232442eb5b64cde16537296608958375f5dd290c5e3d1994326326799b/pyobjc_framework_AuthenticationServices-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:912646f2f550eb8c8023fa388eecc09d0a6cdbf9b0b88ae61672b5f32ba5c814", size = 19638 }, + { url = "https://files.pythonhosted.org/packages/1d/0b/0086583835b1a222a115ddefe1b4107eb049f4b652af26750094845365a4/pyobjc_framework_AuthenticationServices-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c26c369ba44177b2b019fbe0691b4d243fc4cb734c8704067fca4b56006547de", size = 19342 }, + { url = "https://files.pythonhosted.org/packages/e9/ea/e289b858ceee4e527b35e8738ac9f87e556c4af5eef2d4ad5d5b2a95b944/pyobjc_framework_AuthenticationServices-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:06cae95f3f4e6ae22d763d84fd91b031f60c8154d72b0955275247024f5bec51", size = 19279 }, + { url = "https://files.pythonhosted.org/packages/fc/bd/d41336e93c0fef8b9c993996e0f6d16d21c12895f5a883ef06262f5b16a8/pyobjc_framework_AuthenticationServices-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:4db6591872a577d8dfb60f1060b7a1fde08d1becd9f98c13c03bc66fb278852f", size = 13374 }, + { url = "https://files.pythonhosted.org/packages/77/80/67881e9edb677be974c8751e46b3e30828fb2e2cc4ae1769c52dd82479b8/pyobjc_framework_AuthenticationServices-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:19276f6fa81f2e1541a5902938fc204aa4e432b8fc44f20bfda95321a9341416", size = 19357 }, ] [[package]] name = "pyobjc-framework-automaticassessmentconfiguration" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/67/0d/19f8aee86e91da5a9f6954870f21d839b835a20e84eb2221b839797be705/pyobjc_framework_automaticassessmentconfiguration-10.3.1.tar.gz", hash = "sha256:f7846d04493e90eddbacfb7cffebc11b3f76f0800d3dc2bec39441732a20ac56", size = 22477 } +sdist = { url = "https://files.pythonhosted.org/packages/6b/dd/53aeb33bdd6c137af18e487d7f3e023d5dc36eaa049775ffb7a9d21721b2/pyobjc_framework_automaticassessmentconfiguration-10.3.2.tar.gz", hash = "sha256:cbb1313e5ad4162664a92225a9e4a685a92d03a81e81664acbc51857ec415292", size = 22841 } wheels = [ - { url = "https://files.pythonhosted.org/packages/c4/ce/ebe221179d1e860ade2128f8a5bce3da22df1db4f4abe567197620abda7a/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f717f6df5886123a55584f8dd85626c42387f5b55edcd3d68ff306b3fe56a206", size = 8590 }, - { url = "https://files.pythonhosted.org/packages/6a/14/c929d3ef97471462292072011e2ad228516892b6e0077f0b6ea62adc0c27/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ab84a771835f346e8a45d19e05f0c2ef8bb3dca81461fb2acc6c9f031794ec63", size = 8637 }, - { url = "https://files.pythonhosted.org/packages/fe/b8/fe90a1e80487f95986c2d0aa55a2714b955aa9be3e21cf06e8458f2392c2/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:66fd582549ef602a8bcaadb57de8a06cb0dc0367c2a508b20c580fde2232daed", size = 6588 }, - { url = "https://files.pythonhosted.org/packages/3b/1c/c761dcab6f5ea6f1137a4bc9e1ce584010daaabbcdf4c11d66a0e490b2b1/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:578512ae1443e031c3fbfec7eefa71e5ac5fc8cac892ad7183c5ac0b894d494d", size = 8915 }, + { url = "https://files.pythonhosted.org/packages/a9/09/1a77eca9184c6895fb9ef4e545be07729fc457f3d21bf05cea4e4beb774f/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:a8d7fe9f32b67392a7864a41f0190cace06dd6b6d9a973df46a88f19fbde419d", size = 8709 }, + { url = "https://files.pythonhosted.org/packages/c8/da/d8ad97f6db9b4c4e073500c911cc460d3e979623839b45d26fcbbcfd96ea/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:62a1f51491bf69790546664f4bcfa0b0f82d8a67a7cd6c88c23269607ed0ee40", size = 8535 }, + { url = "https://files.pythonhosted.org/packages/c4/21/b83cfdff8547ddba8c60c629b621a91c3558eefdf652efa783451814c3d8/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:267fe8f273b1d06ca277572ea3f75bb30ceb89cac7a114f1c9f5a76331607809", size = 8513 }, + { url = "https://files.pythonhosted.org/packages/d4/25/0ab4924032579e405e683c31c4c413dc02165dde3323f7a6fdcb5e82181d/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:d92d60ddc36169c88073ec2ded594eab199a8bc59905fd3b4234bbce38cc71ee", size = 6513 }, + { url = "https://files.pythonhosted.org/packages/d0/60/25052beafd141534d2cbee639e5c40342fa46f58b3b8709fe415fcd298f8/pyobjc_framework_AutomaticAssessmentConfiguration-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:be9f4570d41779d1ecde943eeef2d460def2315f91513555b37b1d67be4762c4", size = 8874 }, ] [[package]] name = "pyobjc-framework-automator" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/88/ca/fe39648043bf7ab2e5f09707cca9254277555c1a09973ade71fc029f7dff/pyobjc_framework_automator-10.3.1.tar.gz", hash = "sha256:330042475479f054ac98abd568b523fc0165c39eeefffc23bd65d35780939316", size = 195097 } +sdist = { url = "https://files.pythonhosted.org/packages/32/16/3796b8abb209e8ff41a19064b88f53e48b886bcd004f6b05afc4f23ada70/pyobjc_framework_automator-10.3.2.tar.gz", hash = "sha256:ee7ec981275e5dbdd2e4d83d4d4be3c3efdcaadf0a9917d935328363dd49085f", size = 195443 } wheels = [ - { url = "https://files.pythonhosted.org/packages/46/d9/129cbbf10c38b8a9f907cbfbb44dc9746861c3a2d306d49963e401016480/pyobjc_framework_Automator-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:63632d2c1d069ca29a077b15ab20a0a0acc0a5f33ee322c9c8cc854702c66549", size = 10019 }, - { url = "https://files.pythonhosted.org/packages/41/a7/745ae406ed296d4503556a5e8697bdad6ac9004e01a55a598aef660915fb/pyobjc_framework_Automator-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4bc8afe0a52bee09f7f99bdfc62100654f08113de47e74488c0af2afcd646e23", size = 10077 }, - { url = "https://files.pythonhosted.org/packages/00/0c/bdc85fe1824d0551e4e9cdd0f2467b1615c8a40ed972172fc70b6494979c/pyobjc_framework_Automator-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:8609e1295030d2a46916965cd070072a90b6528abc25ae4d02e50818d2cb252f", size = 7776 }, - { url = "https://files.pythonhosted.org/packages/00/0c/4c81e55eb886112756177f86389558ee0b04ec060b4eaca122e4f83f8bdc/pyobjc_framework_Automator-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2f482464b3f91405a5a59e3b96ae89c5062af81023ea0fc803353fdfe8cc4a9d", size = 10372 }, + { url = "https://files.pythonhosted.org/packages/be/61/ef7b02866f62e47e7278714758d961e17556b0a671ca73ae82d3b599cd2f/pyobjc_framework_Automator-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:c5c22729ba5e73beeaaf846c4a664858696ec82b25f81907b4be70fe8f708309", size = 10154 }, + { url = "https://files.pythonhosted.org/packages/07/1a/97a29dd795e0b82cc497cfaf1a4b2f1e39b0516efe06ab7a5fd2eabcdb83/pyobjc_framework_Automator-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c54bc8ebd7bf9a7978019e87e3952c8abb4c2b86049f0c444a31429c1ca216f2", size = 9958 }, + { url = "https://files.pythonhosted.org/packages/d9/30/608f709bd0cbca8ab71ea1631fdc4e8aee3e616dad056c053c21d75a7a69/pyobjc_framework_Automator-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:62534dd8ba98e1749f54e633d02f8678d771bb66b2245b170c52ea0fcbcf1d64", size = 9926 }, + { url = "https://files.pythonhosted.org/packages/41/d5/bc14c813c444cce511d37a40734eb3f449f67fe455a5aa7d75b05a72377c/pyobjc_framework_Automator-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:e1b6fae892fca95e9229da1f42df851376dcd97840b99c34ae509a4dbc1f9c7f", size = 7676 }, + { url = "https://files.pythonhosted.org/packages/f3/c4/7502081fb3cc64dab53983c0a4da5fde70475c55e7fd3a86012aaca35fcf/pyobjc_framework_Automator-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:62459585c850945736264d1251fb4a37b3a1f87b4749dbe1f8bb204099527481", size = 10311 }, ] [[package]] name = "pyobjc-framework-avfoundation" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -4971,66 +4303,70 @@ dependencies = [ { name = "pyobjc-framework-coremedia" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5b/4f/0f509c925c28d4b0ea709ccb9fd9a229c6552187f7506aa1e583d66cf658/pyobjc_framework_avfoundation-10.3.1.tar.gz", hash = "sha256:2f94bee3a4217b46d9416cad066e4f357bf0f344079c328736114451ae19ae94", size = 695146 } +sdist = { url = "https://files.pythonhosted.org/packages/db/8d/8a78df7d0ccbf7e8f7a80692f7891895b323334bde2781a6018452c92eb1/pyobjc_framework_avfoundation-10.3.2.tar.gz", hash = "sha256:e4baa1cb8d63c2b366f90341dee54a646004ad02d4b01119c79904cb869e7a6a", size = 695532 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/62/5b7cfc6ea3d5df7d61b29eb6572ef4abc8027af5538ceff4f2582f672bcb/pyobjc_framework_AVFoundation-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:0896f6650df35f0229d1fb3aa3fbf632647dd815d4921cb61d9eb7fa26be6237", size = 67777 }, - { url = "https://files.pythonhosted.org/packages/0c/34/2f0e42bfedf3d15381944940bded10266d25f8843f2aed85ac731d880dd5/pyobjc_framework_AVFoundation-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:0cb27cc95288d95df7504adf474596f8855de7fa7798bbc1bbfbdfbbcb940952", size = 67973 }, - { url = "https://files.pythonhosted.org/packages/5e/41/3c5b35d8fee491a8c2998d5bf8bc1f746edf4ce338759b1019c6470cb0ee/pyobjc_framework_AVFoundation-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ccb606ef0806d952a04db45ae691167678121df1d8d7c2f8cc73745695097033", size = 55449 }, - { url = "https://files.pythonhosted.org/packages/db/bb/b7eb1bb9ba12a0717c944f7a60f6decafa745cf7281a935671ccd0739b42/pyobjc_framework_AVFoundation-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:00889eb915479aa9ea392cdd241e4b635ae0fa3114f043d08cf3e1d1b5a23bd4", size = 67995 }, + { url = "https://files.pythonhosted.org/packages/5d/39/0f28fe64c5211da9d2d6484fe7bd54f558575bb8b22af358345d86765e30/pyobjc_framework_AVFoundation-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e64797d5ec23d8eb5162e14107c1979244c7a09cce2f7ed3bb3fbbb45ba1fec7", size = 67618 }, + { url = "https://files.pythonhosted.org/packages/4c/2a/f4710ceee7ff485d5e63893fd97e2cfebbef006c593e2f49cbd507cdca21/pyobjc_framework_AVFoundation-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:1a357b4264909c9f29a467d6706e12a822c1d6b9b9b274dd5892500cc9265681", size = 66809 }, + { url = "https://files.pythonhosted.org/packages/49/29/30f7a6718e40d027ee9aff93fa5ea63f2a8c8367a8ff359fb682380f6ed7/pyobjc_framework_AVFoundation-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:cf41bd0c3e1269d892bd112c893507f8a3991244a9217d103dc2beb4366a8769", size = 66742 }, + { url = "https://files.pythonhosted.org/packages/63/62/9ada601d16d4cba65076aae40d869a16e4ea07755f989c84723cd12e5b63/pyobjc_framework_AVFoundation-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:4c257341a4baeb10371e4bd8eaa89a077a1fb8095a0ebed15117b7cb424e0b57", size = 54727 }, + { url = "https://files.pythonhosted.org/packages/73/18/b76ec3753432034f7f290c2894f812302d037b831304f7ef4c932e70ce34/pyobjc_framework_AVFoundation-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:50a4e245d5e65f525e23c9bda78ccfbaf3492b661cb006f2c9b6f0d9c9d368f8", size = 66874 }, ] [[package]] name = "pyobjc-framework-avkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b5/de/7de605cea8176d69a41503dd544c0af02760c4518be3049b877563cc0c36/pyobjc_framework_avkit-10.3.1.tar.gz", hash = "sha256:97ca35b5f0cec98f5c8521fedb8537bb23d82739b7102e4ac732d3c3944c8ccc", size = 38986 } +sdist = { url = "https://files.pythonhosted.org/packages/5e/a9/ee16b75e0a509ab19e1a911c09bddef11b3e426cc7c8294006c583529172/pyobjc_framework_avkit-10.3.2.tar.gz", hash = "sha256:b4c63941aafc7f83790ec6039b3384a19ada304c98c889a2d6ad66ad843fb41d", size = 39355 } wheels = [ - { url = "https://files.pythonhosted.org/packages/22/b3/76c4c4a6455928f130aa08d121ef717536e77d58fb6013f7d3fd609bbc8a/pyobjc_framework_AVKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:bb6025331e5ed493d5ca0a35fab14026820e0d8b0a091fc6010b4ef77aa4bf16", size = 12368 }, - { url = "https://files.pythonhosted.org/packages/3a/42/d683ad96e4b51cccbd99109c7fa5350a841015844fe0e042df040d4f8ad6/pyobjc_framework_AVKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:675832ec9c088c2010bd9cd9f912ff5c45ff608d7d94233347d49f1b91f690ca", size = 12418 }, - { url = "https://files.pythonhosted.org/packages/78/e2/3932538c415f2e592a5e9313699fb7714d96cf1113f1dea6f8af75065106/pyobjc_framework_AVKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1d92e1d5d098af87667f3eac0609c39c58320c095cdcb7737958cc4895569f22", size = 8435 }, - { url = "https://files.pythonhosted.org/packages/25/ae/158378a4753102daeb89e5c0f5ae827c97015ab8d84d4d021965071d386c/pyobjc_framework_AVKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:91bf61fa8d8ef3764345b085038a4081165a8c54b4f0c2a11ee07f86a1556689", size = 12282 }, + { url = "https://files.pythonhosted.org/packages/58/a0/b11ba75e28dd7f7dfafbcc0577c8fa48fe6e76cf0c906ec6f887d360bf10/pyobjc_framework_AVKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:a4b4949e02951ea47d1aa76e5c3049377e77909ccc27ff8d496cc829e4cb3241", size = 12380 }, + { url = "https://files.pythonhosted.org/packages/27/ba/0b8e6bdb782b7df797b96d931535c8dcfcbfcefbebca7b98864d1f193fc9/pyobjc_framework_AVKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d884f5a51cf1e4f2ffaeba85ac8153635da54444a4a1b9be337f4994d0e7141d", size = 12142 }, + { url = "https://files.pythonhosted.org/packages/c1/bc/097af60dac8f11ec531864435520b334d92c5aa938d745ee0c609b7bad2c/pyobjc_framework_AVKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3e65230536c8ac53863e5b8060a9351976f83487416b589b694bd3c59cb146a5", size = 12114 }, + { url = "https://files.pythonhosted.org/packages/81/ed/fde1819d30a3d3bfbc1121ec1a53920ae35320124c12f8ad5b5757ffdfe9/pyobjc_framework_AVKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:a67b031ce160998c100c61880dbc0ea0788f1e07c0e06fe71e7d238261d64353", size = 8259 }, + { url = "https://files.pythonhosted.org/packages/d0/ba/d23ddf14a5bccf69009fd0841b295173db6aafc186f8b6cd00f30bd7afed/pyobjc_framework_AVKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2fd40cbe60c5f0bd4feab6a999da4be877258ffe61c8c1becf2b4106e5fb0ab1", size = 12082 }, ] [[package]] name = "pyobjc-framework-avrouting" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/66/d5/b3012c90b18722b9d8e27f6a570ac534da89e4902bf5805f0bb39e340891/pyobjc_framework_avrouting-10.3.1.tar.gz", hash = "sha256:7026059b24daf8e1da05d7867f450e82abe412fe5c438faf9344f46e3b83da39", size = 18663 } +sdist = { url = "https://files.pythonhosted.org/packages/09/89/b45d19ddc5c780fa7e6736cb782bc9b01a1c6ec8690326904020339dd39b/pyobjc_framework_avrouting-10.3.2.tar.gz", hash = "sha256:0c36464e80c77e0d44483c68880ea2d239084c378d200f02e0688967c3de4f55", size = 19018 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d0/58/b01ddd24cb808eca3ef0254cc6e00fb47c53ce41c18f37ac23ea64db4cd7/pyobjc_framework_AVRouting-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:30b05ea44f21d481e39905684c79176c04060e0e92c1ad31756fed6aa39b07df", size = 8260 }, - { url = "https://files.pythonhosted.org/packages/9f/e3/d814c295e9a4f4cf8c8f283371a42c992b0996b96a99bbda7e2e8efa2976/pyobjc_framework_AVRouting-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:af940e322cb9ce9d79b47b829c5df41ac4980aca2cda1fbe1ead4ed0f9f589a4", size = 8314 }, - { url = "https://files.pythonhosted.org/packages/4a/d0/7c689243a9da880ff6eacb3694f40098507b22e300752ca8a11cbf31de09/pyobjc_framework_AVRouting-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3e5101311ee84c884c0eba201b3b7f92e1a2325132a9e44b9b7ad84cdd28b4c2", size = 6015 }, - { url = "https://files.pythonhosted.org/packages/aa/58/60bbff72a9aec1b8419461e94946a531878385993aaca1789795906fe69e/pyobjc_framework_AVRouting-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:186e891c2a271492612b3db2b5c2050c56ed1bfce1f6146de8dbf05e7cd7623b", size = 8628 }, + { url = "https://files.pythonhosted.org/packages/52/3b/ddef204d8cb80b789fc4a9b8a84787f7168d4e3bb26c3523e3e7ef2f8d84/pyobjc_framework_AVRouting-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f5ab0a519a1c1324fd3c1295b5ba164e1b4689b49945dcd7b6062ca473e5d6e9", size = 8413 }, + { url = "https://files.pythonhosted.org/packages/e1/80/990a5e9b45b9f3973299f94e18ed8c8a561ede2cf33e505710151c7249e9/pyobjc_framework_AVRouting-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:8c053fdcbf6609371c11178593cc6a75258a83797aa668c28d0be924d60f2262", size = 8199 }, + { url = "https://files.pythonhosted.org/packages/87/cc/4a202e8a53c2f6be57ad1d8b1d66b19ef37b4c9f4e0840bf69bd4fc48339/pyobjc_framework_AVRouting-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:e4b438576d627e8d97bc9690b7250a3a9821c94cfd7002b63c9ee50a60287aaa", size = 8175 }, + { url = "https://files.pythonhosted.org/packages/9f/3b/0f4227d9cbc12ba57f8ac00b4d1dfbe6b2056bb267966aa62b1af34baaf9/pyobjc_framework_AVRouting-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:fcc9bc9e18aafd4709159a6d7a00771a6d018f7e8945759c0864ba24aeca38f5", size = 5909 }, + { url = "https://files.pythonhosted.org/packages/23/b0/e3c0e9bd6f5d7b92234ae106fa0567cdde9019b4ef854250317372f91f98/pyobjc_framework_AVRouting-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:a0ef3bb4b3e0f37d253e17c7669ee4a0fe086c6cc32a10dd8241ea1512135e68", size = 8587 }, ] [[package]] name = "pyobjc-framework-backgroundassets" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bb/be/6a0039ac75e7d9b84f7250d2301e0fe6529c0db6c137e398e31d04f65629/pyobjc_framework_backgroundassets-10.3.1.tar.gz", hash = "sha256:5e1198f81db6f30ead2a55e8ea39264f9fce83dcf8e31a68e5f0ea08c5cfe9b5", size = 21762 } +sdist = { url = "https://files.pythonhosted.org/packages/3f/15/38a5d93d6e03abcfe6833df574fd5087c4bfeccb49dff450a771e2221e08/pyobjc_framework_backgroundassets-10.3.2.tar.gz", hash = "sha256:17436f7eb08d407603e2e633272a7d51023d40b6f81dd577ad34b9db16fdcb6d", size = 22162 } wheels = [ - { url = "https://files.pythonhosted.org/packages/53/b0/8de66724de73e39c00ccddfd4f8d56eac4ea9da810fc79a86ef59b522621/pyobjc_framework_BackgroundAssets-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f725d33a5d633c514e4973489e1bdca391976a5c04443451acaaacc5ccd4095e", size = 9684 }, - { url = "https://files.pythonhosted.org/packages/cd/bb/d3de8275de550fae2bb0263252fb784859f5ed07cf43783f1a243d5e9766/pyobjc_framework_BackgroundAssets-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:14cc84ad7bef64986fe240d23205870fc40dd7b1d2a1819d3dd7924c4898b5c2", size = 9743 }, - { url = "https://files.pythonhosted.org/packages/bd/a7/fecbc4d0b6d0583f2a0eba81f920fd03b68afe6beb8fbf75691283a74702/pyobjc_framework_BackgroundAssets-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:e28624ecfba067b5e0fc91d5818cb3d20d0ba189a7e8a724678abbecc233c13e", size = 7222 }, - { url = "https://files.pythonhosted.org/packages/11/da/f25864ee44ccc600a7b93c07e0a7b45f88a9ed302de708c88bd9edfd9ba5/pyobjc_framework_BackgroundAssets-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:aed2307c7fdd690e4dd214cbfacf4e7d5dd07e6cdd88ce1c02c4ddde3deea843", size = 10224 }, + { url = "https://files.pythonhosted.org/packages/bb/95/1594b0d963ccab9fc8c90fd3a20961cc86cf690744b72cd1b492a7bb9f3f/pyobjc_framework_BackgroundAssets-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f11cba5896979eeb7d419b82ef7835a2aa9d2e9ca9c812816b0ba47c3b91f55a", size = 9799 }, + { url = "https://files.pythonhosted.org/packages/69/ed/e40e34f2790887776809e857055968f95247f68db9b1dfbdde9cba6b71b2/pyobjc_framework_BackgroundAssets-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:6d9f714ed58ec15c54b3204287b924e9bffecad1762763eb646612adc1c2e1e1", size = 9588 }, + { url = "https://files.pythonhosted.org/packages/6b/2b/4d8d5c63771847b46007fcdb4bb4ae9f43df64d146694d58b900174b9c0c/pyobjc_framework_BackgroundAssets-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9c427818c613f5eed9fb16aeedcd86998b46e7edf5a3e66c5319aa81f8421a82", size = 9553 }, + { url = "https://files.pythonhosted.org/packages/88/c5/b6386bb414a408116db33b2826fdb347a831c429ad6fd0c9f6cef6cb7a0c/pyobjc_framework_BackgroundAssets-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:34a1bb9f48b3f4222f798704e63851fdccc5ec352eb7dc331c941bb73826569a", size = 7116 }, + { url = "https://files.pythonhosted.org/packages/75/88/8df35ff15c008a21f189649ede50b0228c43f4fb35943a2c3271baec661a/pyobjc_framework_BackgroundAssets-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:7893c4f9635cbf5a73218e801c5712a4e93b2120a525609c0c1f69b96c69e05e", size = 10138 }, ] [[package]] name = "pyobjc-framework-browserenginekit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -5039,72 +4375,77 @@ dependencies = [ { name = "pyobjc-framework-coremedia" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/48/09/61f1688824a500f74e4fee94cec3ec3bef87e58a5205026761e4d292f027/pyobjc_framework_browserenginekit-10.3.1.tar.gz", hash = "sha256:0f6ea100bcf06f2b3f915dab27cf2f038698b39510fb47d3769f72ff62c1e80b", size = 21016 } +sdist = { url = "https://files.pythonhosted.org/packages/5f/ab/d09654cb647e5c1c751bd9c819d79a31dfe4072cc79eae28e66f58c05688/pyobjc_framework_browserenginekit-10.3.2.tar.gz", hash = "sha256:5c4d50f2358376c36a3d2721b8d5c259f77e9e62f48503030c2312b8b6b58943", size = 21390 } wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/fa/fb104e8dba10800982d499da02d2422a9faef685438a12c9e899385693c1/pyobjc_framework_BrowserEngineKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:86c92ef4e79db4066f7887426e99cfec8902fc8949fb666359cf2a9e519106fc", size = 10579 }, - { url = "https://files.pythonhosted.org/packages/68/a4/85deec80d0b26a31ddf830039448ef4d98a74f21ce9c817fb88147fc275c/pyobjc_framework_BrowserEngineKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:69766ba235976e0a1961d3925228d2ef12808298acd0cd66fe9e883424f0f9a4", size = 10639 }, - { url = "https://files.pythonhosted.org/packages/e1/dd/e324a9760722f719fcc6f1f0ed0b02d52ee523436d7e03e16dcec416fc98/pyobjc_framework_BrowserEngineKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:5394a5a801563834764ae46204f8ce4d61a0e2d4567716361eaf5f5e3a27aba7", size = 7416 }, - { url = "https://files.pythonhosted.org/packages/4c/8c/4b11a2cfd7df34507c8da6c4c54da4de135e856f9bca2d86524c8e67b4c1/pyobjc_framework_BrowserEngineKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d5aeff43abed7e87f637086a05f1b77083cfc7cab07c09c447ae2b23621b2945", size = 10480 }, + { url = "https://files.pythonhosted.org/packages/f4/ea/9167ef557016a80d0dfbb8e56279c4cc5d909a1946616b0ca7a5b3601b59/pyobjc_framework_BrowserEngineKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:ddc3422c5c5a644193d31260fa878434093ed20758d054901ba2cfe3720dd74f", size = 10108 }, + { url = "https://files.pythonhosted.org/packages/df/1c/47864ac702e146422128232ac5842eac12a3a6a5ed860dc491bdd76d3894/pyobjc_framework_BrowserEngineKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d52afa42b38f2b7963ecd82314e0c33f2aa63417df78075affc026fd4e9dfb8d", size = 9895 }, + { url = "https://files.pythonhosted.org/packages/cc/6e/5a8824fdbb4dba2048569a0615eff24f74fe65825920f921dc3a3cfa9350/pyobjc_framework_BrowserEngineKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:17cfc4f745d04727fcaa23ce794dc1aa1caf002f937cc9c764cfba118a494cca", size = 9850 }, + { url = "https://files.pythonhosted.org/packages/ea/f6/68aab1ae276238ad86973fe96ba3d5b4b2ebec883524b27dd1005fd570d4/pyobjc_framework_BrowserEngineKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9927e3b21185113a0260e6e033961d4c09b2d9b9561eb3406713dcb903bdc448", size = 7296 }, + { url = "https://files.pythonhosted.org/packages/31/0d/22c0c398540cd0b81abb9ccd58fc7a2203b50d6d9219618d9f601fae3795/pyobjc_framework_BrowserEngineKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b5c86adf07b7ff00c0fd3b04fc4f94ca5780080edb65c219bc08df08b0f5accd", size = 10345 }, ] [[package]] name = "pyobjc-framework-businesschat" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a5/19/7414a07489dbeef3b1bd40845cb9bd0e035062da3879ca20fb01a7901302/pyobjc_framework_businesschat-10.3.1.tar.gz", hash = "sha256:53e52981f9da336fcaf6783e82509e06faf8868931213ac70e6bd7395a5859a4", size = 12088 } +sdist = { url = "https://files.pythonhosted.org/packages/e4/ea/e2df6cda4ef666165c97e513cd48f9a4bfc92f8f5137a4df6adf77591448/pyobjc_framework_businesschat-10.3.2.tar.gz", hash = "sha256:a598f401d5f391f0c78aa62a58d0a7f9908fa86abffb884138795f36105800ea", size = 12402 } wheels = [ - { url = "https://files.pythonhosted.org/packages/85/0e/b3f16873394b9d88c3217a5fe3e736e36af049f813c18af5a1bf38279cd8/pyobjc_framework_BusinessChat-10.3.1-py2.py3-none-any.whl", hash = "sha256:952b60f558e3d3498e6191d717bf62c1803f4e1ad040ae29d130090671ec004f", size = 3088 }, + { url = "https://files.pythonhosted.org/packages/c8/ce/1e43411f02adb0fcc284fc7b55be12939dfa844ebe8057d8d6968951aee4/pyobjc_framework_BusinessChat-10.3.2-py2.py3-none-any.whl", hash = "sha256:99f520ec64de7d7dab540456ac39bc9931f843a5aa86280d86372c76821fa6c1", size = 3085 }, + { url = "https://files.pythonhosted.org/packages/22/fc/b14d18869c44924e0f4bcaa50f99cabc779057ede1667bf7434c62147ee0/pyobjc_framework_BusinessChat-10.3.2-py3-none-any.whl", hash = "sha256:d2a9e2af6e23ebf096b3e8a1107a762f08eb309b18b5a2be34125c0e6a7d3998", size = 3078 }, ] [[package]] name = "pyobjc-framework-calendarstore" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/10/85/c4bb713e7e4d3f197ac975f5425ecf5469c1ea91d7b80d32eb4437b004f4/pyobjc_framework_calendarstore-10.3.1.tar.gz", hash = "sha256:21f627b0afb9a667794b451dd3a03f12ea3f74358dc5977c33b8ecc8b9736c27", size = 62920 } +sdist = { url = "https://files.pythonhosted.org/packages/26/ef/032c20f2cd77d1e860f757f47b14fad657735d094f8dcd5dbad96b136376/pyobjc_framework_calendarstore-10.3.2.tar.gz", hash = "sha256:0fbc2133045c18228efc11f8442979381f6060fc18f7e8e25b0395b2d6106c29", size = 63247 } wheels = [ - { url = "https://files.pythonhosted.org/packages/e3/7f/2e3325244afa35fa610757a7f0488965b6fe89504d13ad2325527f515139/pyobjc_framework_CalendarStore-10.3.1-py2.py3-none-any.whl", hash = "sha256:7afb59e793ea6d28706423faa50bb1f25532d8ed7388c8540596ce41891445ca", size = 4865 }, + { url = "https://files.pythonhosted.org/packages/58/94/8132b78f2556181f832353291407ed8bc8dcecf5b2a083f033f0fc66e379/pyobjc_framework_CalendarStore-10.3.2-py2.py3-none-any.whl", hash = "sha256:bf70bed667dea41ad20c707183804b375e979c185a73c6863810d59c62282ced", size = 4869 }, + { url = "https://files.pythonhosted.org/packages/3e/bd/95771eb2e16db76e282a762505d0509b27920554a83b591020cf4654b8ec/pyobjc_framework_CalendarStore-10.3.2-py3-none-any.whl", hash = "sha256:80eb8909be1cf0972fdafb4a29bca1acb0bb86d5b1e343c795b94f4189799324", size = 4863 }, ] [[package]] name = "pyobjc-framework-callkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d3/b2/be5cf42e2b288073fa5d693d869ac2fbfb091a34e8edd5aa67f50fa6982f/pyobjc_framework_callkit-10.3.1.tar.gz", hash = "sha256:350390023e9ac98ff6c91b1f51da2489eef2e23aa649d0f63c13cf1d8be1e0df", size = 31907 } +sdist = { url = "https://files.pythonhosted.org/packages/11/69/365d23487489b14a4a9c19de4447b9974bf71c321f487bb8e2cb465b7961/pyobjc_framework_callkit-10.3.2.tar.gz", hash = "sha256:8d67962c8e385d31ee66ad68e9c15760ba2cad709ce0305efa5f142247e5026a", size = 32282 } wheels = [ - { url = "https://files.pythonhosted.org/packages/92/01/4e419642221949f459459633be2e0ef456c7cdb8fb02644a805b31008e86/pyobjc_framework_CallKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:495354bea298efdc81c970154083b83aff985f2c294d4883a62de3cc4129e34e", size = 4916 }, + { url = "https://files.pythonhosted.org/packages/a2/44/6dc2820dd4d249a82ce413886fbc03e24aa5989d62f4bee9e19bb503f0f7/pyobjc_framework_CallKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:b3b9952b9c813f0eb3e99ac400fb5c40aeda4abce216efbe4aacc7c14324c395", size = 4920 }, + { url = "https://files.pythonhosted.org/packages/c2/19/7f5c2ba1bcbeeb1a8a5034029465c5d1f8c626cb18064d494d4094c038e7/pyobjc_framework_CallKit-10.3.2-py3-none-any.whl", hash = "sha256:97a6b9e0ee4f9c8b6f668834197d6eab5d24655b655a3357b26f2a0fd2762e4a", size = 4913 }, ] [[package]] name = "pyobjc-framework-cfnetwork" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fb/e6/e1d6b0d0b21ba5241712389aea46dba4ee9d5c955738076f5ec9d75b5f29/pyobjc_framework_cfnetwork-10.3.1.tar.gz", hash = "sha256:0e4c51a75dbf4e2b1c0d4ee60a363f9d31d682d2dd2f6b74aded769d2d883aa8", size = 66882 } +sdist = { url = "https://files.pythonhosted.org/packages/b4/f7/628d3733d72268e2210b7c66196e53ed1516b814dad6660e179aa8023e6e/pyobjc_framework_cfnetwork-10.3.2.tar.gz", hash = "sha256:1fa3953b3b240a57bc4b3bf72043a3addadf2d9a473aeaf9fdb09df442fdd7e0", size = 67213 } wheels = [ - { url = "https://files.pythonhosted.org/packages/2b/0a/1e8ecd8604952650c38b53469c2a383c341e99e0a559cb8a6a8c9a178826/pyobjc_framework_CFNetwork-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e6027a90c5442e36a4ef91c9e10896efb5bc1bb4743d732adf3422112922f6cf", size = 18955 }, - { url = "https://files.pythonhosted.org/packages/cf/25/90a071f9ca9dd35bbb0d86246be3a99e71386aa7ee8ed7a31ba151110e89/pyobjc_framework_CFNetwork-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:dff41296378029f1a5e9cedbc133b243f096a93fcc8d6985c555459328cfe11e", size = 19011 }, - { url = "https://files.pythonhosted.org/packages/09/e9/840b9d1d09802e6d9a31c31545ea39e0ed834ff3fb84c0cfc0b5027fad47/pyobjc_framework_CFNetwork-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:01f1c4c43792e993c613b5b8923953eea774d4a7567fbc1861edb2c6c0cfa770", size = 13770 }, - { url = "https://files.pythonhosted.org/packages/e7/2d/bc2e628e12d0bd7e287ed8f7af3b0df347d1814d950a566fe3cd48e01480/pyobjc_framework_CFNetwork-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:f6a5d6fe5e230cc0d53b9673902f1571ab68b542f3630d7c1319ea1e3e480f22", size = 19002 }, + { url = "https://files.pythonhosted.org/packages/ad/c3/3c46c97a42fea6105a28dbb8ff106f953ac491d33686fd502177dd5ec435/pyobjc_framework_CFNetwork-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:c51dcd113a7e647c111cce506de33d4c46403fb081306d77ce6b5c7a69705912", size = 19861 }, + { url = "https://files.pythonhosted.org/packages/d4/5e/0c13b201320e0221dcd1e659ed213c153056046bfdc25e69f9359778d327/pyobjc_framework_CFNetwork-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e7786c29cdd26260e45c29378d8790d218cdd3c9e788a86b135ef6024adff0f4", size = 18801 }, + { url = "https://files.pythonhosted.org/packages/24/08/01550e13608ace7d13c652b74fed1abfe50ec549b56aee94597ac34d2edf/pyobjc_framework_CFNetwork-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:dace0bfd00073706fdb5222d73b49066be2abfaa73f12b59ebbd831906580fd5", size = 18880 }, + { url = "https://files.pythonhosted.org/packages/51/08/5e84a8c3857ca41cec07fbdfd11cb6d69dd25492bd921f61079a271cf52a/pyobjc_framework_CFNetwork-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:24060afabd102e0f7162a0b5a1a5d54978eb1819dd733c167c61285ea04fe639", size = 13669 }, + { url = "https://files.pythonhosted.org/packages/3f/0c/3da009e706ce2e1bf23cef1e8716cba6f7fe11029825a883c26eba1f44f9/pyobjc_framework_CFNetwork-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2e09c3faca0c4f139d98ea28d185a275bf00d8549263fce07e9cf17d35e76139", size = 18858 }, ] [[package]] name = "pyobjc-framework-cinematic" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -5113,30 +4454,32 @@ dependencies = [ { name = "pyobjc-framework-coremedia" }, { name = "pyobjc-framework-metal" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2a/83/90a5f31fd89bfa030c812c869ab69cf0e333e13ee2e3c1e4877ed883d6d3/pyobjc_framework_cinematic-10.3.1.tar.gz", hash = "sha256:7edaaa7e325aeb39cd0c33329c25783dd54af294229884556daad36d1d1b9d72", size = 19342 } +sdist = { url = "https://files.pythonhosted.org/packages/5e/e0/31644814a4f4d51c379c350de0db093b2e5ff7adf98f3b320f499b37916d/pyobjc_framework_cinematic-10.3.2.tar.gz", hash = "sha256:8a249b79905a13cc6234ca9167734bc30bbf9672a65630a69faae4415ed8a87b", size = 19667 } wheels = [ - { url = "https://files.pythonhosted.org/packages/8f/d1/cc9c887e748d172fc0928f0d80cf03f598daba9757ea08187e6295d6dc4c/pyobjc_framework_Cinematic-10.3.1-py2.py3-none-any.whl", hash = "sha256:48bf35d594f4f010266a028bbf93bd953cc78db7658d3c614e219b482c8d73b2", size = 4193 }, + { url = "https://files.pythonhosted.org/packages/20/1a/c815d806e2a37bf34b4a32c987972014b99312b58b66194d4c9a0f24ac1a/pyobjc_framework_Cinematic-10.3.2-py2.py3-none-any.whl", hash = "sha256:67ad6860b0f171d2f2cede0afdd2707858cb7cb53b750b002e380e26500cb620", size = 4199 }, + { url = "https://files.pythonhosted.org/packages/b2/76/52e8f70d040feaf53f07bc8d1f9903a3f97379442ae6c7becc85746edda6/pyobjc_framework_Cinematic-10.3.2-py3-none-any.whl", hash = "sha256:8eb1dfbddb95676a20e94ac6844e935d25faa58dfa5926427386004d0300f3e8", size = 4197 }, ] [[package]] name = "pyobjc-framework-classkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a9/b8/cc33b734656f6617394b410a9805d05511aecdb665591936acfd66060dfd/pyobjc_framework_classkit-10.3.1.tar.gz", hash = "sha256:e15700d32007bf77c5c740bc9931c864bb7739cdfcd2b0595377c3ed35ecfe25", size = 32503 } +sdist = { url = "https://files.pythonhosted.org/packages/15/e2/b3ace38d1aab8e576349a18dc618b7f397ed37a8d68c01b508b134fcdf6e/pyobjc_framework_classkit-10.3.2.tar.gz", hash = "sha256:afc44c16791e27331b73be3269c3c794f3502515ddd916c0b3bfe2fa060854e6", size = 32863 } wheels = [ - { url = "https://files.pythonhosted.org/packages/2b/a1/b18ea640218aaa4e3005b02eaa68eb10cd8e5036a38eb15cedff2055a380/pyobjc_framework_ClassKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:980d2605296428d177b0111af914d0dd4a0c5116da5ae944cdd8b6bba733e758", size = 8390 }, - { url = "https://files.pythonhosted.org/packages/93/ae/e15dbc7c011b6c047754a4638baa9c870006544b66f792534e60403decf3/pyobjc_framework_ClassKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:17dec45d5ec7db663bc87ddf80b8185d2134177f265a12a9a6df778901183412", size = 8442 }, - { url = "https://files.pythonhosted.org/packages/4e/41/969326adb114e3d16bbe23b61d0c9d7bb5788d598ddbffaf2a87666fe240/pyobjc_framework_ClassKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b74155902851e8e2b31b34c606dd33f9e24d9b8992568cc71b60e1ddc553d99e", size = 6452 }, - { url = "https://files.pythonhosted.org/packages/68/26/1a566a950018abc0b38ecef709810ad87d1e33126624e3b751be3370881d/pyobjc_framework_ClassKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:776a600182b7de58676ac661b235356f46683e758d99db1cf60f52aac335389f", size = 8673 }, + { url = "https://files.pythonhosted.org/packages/62/a7/776c53f920d961aa5343c4d958c333135a52c5d33b205e39fc808e2fd7fe/pyobjc_framework_ClassKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:bbb2a8f6ace45613c954db29c5aecbc1c497b933070cee95b15d277969f8f9cb", size = 8498 }, + { url = "https://files.pythonhosted.org/packages/2d/00/cb02df7c7281c35f4e555ffb2904670ded5268996a0b98bb53e27f7f7c3e/pyobjc_framework_ClassKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:1046a6cc5e78bc1688ea4f42d40d51fab99cf91885c8fa80d071387c9381f0b6", size = 8312 }, + { url = "https://files.pythonhosted.org/packages/ff/90/ef557df6035c5d1442ce36a216dd3969b4a1bd056b0ba388d7a60cdfa18d/pyobjc_framework_ClassKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c8924fa4684496daee2a22f5045189ecd1afd603307340098fb57096c6ecb984", size = 8296 }, + { url = "https://files.pythonhosted.org/packages/4d/4b/bba5e5cfdc79b6eb2b701287facf5d71e7bb52d3d01f8b10a5fbbfa635e4/pyobjc_framework_ClassKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:bfb239e4d01a004aaa3020e18bc3f9d2994f793a9a4d1187e8c5d1dd707e2bbf", size = 6364 }, + { url = "https://files.pythonhosted.org/packages/72/67/a4c009ebe122fd9f4cf6e777cc07fc28567ef21617dc864f4e4ae8c39ba4/pyobjc_framework_ClassKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b5c56ca2b6f4e6cf7618fcf7538a7242a1dd1866e7b284c27b36442e40f5cac2", size = 8619 }, ] [[package]] name = "pyobjc-framework-cloudkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -5145,922 +4488,984 @@ dependencies = [ { name = "pyobjc-framework-coredata" }, { name = "pyobjc-framework-corelocation" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/84/2d/22c51450dddeb9d851529f90ebd4f15fc12a4f3c9b2ceae4df8841fde64e/pyobjc_framework_cloudkit-10.3.1.tar.gz", hash = "sha256:4c7db72c2bb2fcf63365df91bf2eefa83cee4004606b901e1da89b75da652309", size = 98916 } +sdist = { url = "https://files.pythonhosted.org/packages/8b/70/daa2a428e1d8c39e55e3480c0bc9c8b39f882b544c88cad3a105e217f6ae/pyobjc_framework_cloudkit-10.3.2.tar.gz", hash = "sha256:ba05c8edb7f73ada94f9d2f8fbeae7302e53b56b2abb956012b84ba7faea141d", size = 99236 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a1/68/49c0dac7cf069a13352e9bb7092aa0a0caeb5646e2c3a7b9eabfb07279ce/pyobjc_framework_CloudKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:53670f47320063b80aa60edd2d813308dce85dfd2112461dd13c060aa9e5b47a", size = 10475 }, + { url = "https://files.pythonhosted.org/packages/73/a1/d6a839b7889b076e39ec45a569072fd3c91cd0acae095ba5ccdd8c53beb2/pyobjc_framework_CloudKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:6c9a17f085876874bf98328f608384228d1d841d387d977adef9a277e549709b", size = 10477 }, + { url = "https://files.pythonhosted.org/packages/88/42/b9d478ffdd77acf02750c191d5389d47e20d3d971d14691bf3b4ce5363f5/pyobjc_framework_CloudKit-10.3.2-py3-none-any.whl", hash = "sha256:fb4872f1cec3135610237c763ca8ddef7ac3607f0fc502b67c678419d64ffb5c", size = 10475 }, ] [[package]] name = "pyobjc-framework-cocoa" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a7/6c/b62e31e6e00f24e70b62f680e35a0d663ba14ff7601ae591b5d20e251161/pyobjc_framework_cocoa-10.3.1.tar.gz", hash = "sha256:1cf20714daaa986b488fb62d69713049f635c9d41a60c8da97d835710445281a", size = 4941542 } +sdist = { url = "https://files.pythonhosted.org/packages/39/41/4f09a5e9a6769b4dafb293ea597ed693cc0def0e07867ad0a42664f530b6/pyobjc_framework_cocoa-10.3.2.tar.gz", hash = "sha256:673968e5435845bef969bfe374f31a1a6dc660c98608d2b84d5cae6eafa5c39d", size = 4942530 } wheels = [ - { url = "https://files.pythonhosted.org/packages/e4/03/2f925a8cde4506c021a073c16c08a5b824ed8652bce6e16280353c3c0a3d/pyobjc_framework_Cocoa-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:4cb4f8491ab4d9b59f5187e42383f819f7a46306a4fa25b84f126776305291d1", size = 396166 }, - { url = "https://files.pythonhosted.org/packages/d4/ad/436c3619d1a84f83d55ff9c709b122e4d1ac2ee9af467b68fcb60e5ad3a6/pyobjc_framework_Cocoa-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:5f31021f4f8fdf873b57a97ee1f3c1620dbe285e0b4eaed73dd0005eb72fd773", size = 396142 }, - { url = "https://files.pythonhosted.org/packages/29/73/9a913537d6d63758243f76a3d3acbae8eb77705c278eceaf37198e58dcf5/pyobjc_framework_Cocoa-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:11b4e0bad4bbb44a4edda128612f03cdeab38644bbf174de0c13129715497296", size = 396183 }, - { url = "https://files.pythonhosted.org/packages/93/1f/b203c35ac17ff50b101433783988b527c1b7d7386c175c9aec1c89da5426/pyobjc_framework_Cocoa-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:de5e62e5ccf2871a94acf3bf79646b20ea893cc9db78afa8d1fe1b0d0f7cbdb0", size = 395004 }, + { url = "https://files.pythonhosted.org/packages/7f/92/8181f9d1cc5539ffb56fe9a91df54348eb0eb36764e53b0082267192ce4b/pyobjc_framework_Cocoa-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:61f44c2adab28fdf3aa3d593c9497a2d9ceb9583ed9814adb48828c385d83ff4", size = 381552 }, + { url = "https://files.pythonhosted.org/packages/94/52/a41bf62d1467d74e61a729a1e36e064abb47f124a5e484643f021388873f/pyobjc_framework_Cocoa-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:7caaf8b260e81b27b7b787332846f644b9423bfc1536f6ec24edbde59ab77a87", size = 381529 }, + { url = "https://files.pythonhosted.org/packages/22/fc/496c6ce1386f93d22d9a1ee1889215ed69989d976efa27e46b37b95a4f2d/pyobjc_framework_Cocoa-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:c49e99fc4b9e613fb308651b99d52a8a9ae9916c8ef27aa2f5d585b6678a59bf", size = 381866 }, + { url = "https://files.pythonhosted.org/packages/4e/c4/bccb4c05422170c0afccf6ebbdcc7551f7ddd03d2f7a65498d02cb179993/pyobjc_framework_Cocoa-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:f1161b5713f9b9934c12649d73a6749617172e240f9431eff9e22175262fdfda", size = 381878 }, + { url = "https://files.pythonhosted.org/packages/25/ec/68657a633512edb84ecb1ff47a067a81028d6f027aa923e806400d2f8a26/pyobjc_framework_Cocoa-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:08e48b9ee4eb393447b2b781d16663b954bd10a26927df74f92e924c05568d89", size = 384925 }, ] [[package]] name = "pyobjc-framework-collaboration" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/0d/cd/8bc8e3c4cf93b1044d5e582904ec5c55656f4385bd25f86f924b4ed25ae3/pyobjc_framework_collaboration-10.3.1.tar.gz", hash = "sha256:bbca3de3679b058cbb89ad911e3bdfe491a02b4fa219d5f9219c022774ba237a", size = 15830 } +sdist = { url = "https://files.pythonhosted.org/packages/7b/d8/5f17469cee1fe7c10c971cc425a57cc820dff14cbd2fb35d26e2a4f62d7e/pyobjc_framework_collaboration-10.3.2.tar.gz", hash = "sha256:0d4ee33154ea1d6ac7b9338b2bb1a9bcb5f5e9e3ffc390195643d60576606b74", size = 16157 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a0/c0/b26f50c0669f49fa652a96b6496deba5c9181ddec5ac59c4de8251666857/pyobjc_framework_Collaboration-10.3.1-py2.py3-none-any.whl", hash = "sha256:889b1e00bdea09c2423e9b8d493492ec45a70787ddc533bf67d060c7ec0e1f78", size = 4490 }, + { url = "https://files.pythonhosted.org/packages/17/6e/c97f0f14050810549d1099b0c95c9c5bd1c00a5c0bfaefcf6a88923a72b5/pyobjc_framework_Collaboration-10.3.2-py2.py3-none-any.whl", hash = "sha256:4735cb4b8d701806a88cc295406308992d641ed88ae78053feb3ed3b79c91301", size = 4495 }, + { url = "https://files.pythonhosted.org/packages/9f/b8/f050b55e2fd6379c1f05dedf0890d5a52dd4453d59ea9f83684f8bf1bb6b/pyobjc_framework_Collaboration-10.3.2-py3-none-any.whl", hash = "sha256:a96ae9f4f8320fe533e16d3c254f6f117b28ba0f4b0990aa350be23c388979f1", size = 4489 }, ] [[package]] name = "pyobjc-framework-colorsync" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/43/16/b5cf65d3cdae2127a868e06b21e9c59e2ef531e65c4ee58afcaef2c4fe69/pyobjc_framework_colorsync-10.3.1.tar.gz", hash = "sha256:180960ed6f76084b35073eff49fcca41a8fa883c3236949a40f75daa28ee8f94", size = 31940 } +sdist = { url = "https://files.pythonhosted.org/packages/da/a2/3b6a7409e238ea577bb250bd5164be9c235ca1ba9629c21b8f29b70659d0/pyobjc_framework_colorsync-10.3.2.tar.gz", hash = "sha256:d4a8bcb7a3c13b6ac4ac25498e53b738104d49fadc97278f553268fb2ad7f487", size = 32297 } wheels = [ - { url = "https://files.pythonhosted.org/packages/2c/3e/273fcd5803daf481ecc3d76adafd455040375acd63582e501cb3e2717de3/pyobjc_framework_ColorSync-10.3.1-py2.py3-none-any.whl", hash = "sha256:0c37075e9b0f1dabc0aa1755687e1a5dada08ae0914ebb593c7810bf8090cf83", size = 5599 }, + { url = "https://files.pythonhosted.org/packages/d8/52/08db02e8cee7dbf8f4c22e3fba5008c6f1c5e851bd1961819d97a26129ce/pyobjc_framework_ColorSync-10.3.2-py2.py3-none-any.whl", hash = "sha256:ca2c0af7e22c02d32d8751d5a9cd8be11a51af51c526a3bdd536004401ba0f0c", size = 5603 }, + { url = "https://files.pythonhosted.org/packages/0d/dc/e3958a7e4687275501c66d4ddf92f58dbab98c1cb409117b0711c8bb08da/pyobjc_framework_ColorSync-10.3.2-py3-none-any.whl", hash = "sha256:3b1ad179c6442464d8ec995fb824895617272fd30cfc519851019efe82bbe431", size = 5598 }, ] [[package]] name = "pyobjc-framework-contacts" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/eb/a9/112ee53259220322f6729c446fd7b779d3bae7b24804bd342f51764dc6bc/pyobjc_framework_contacts-10.3.1.tar.gz", hash = "sha256:7120b5593a20e936cb5589b93ef7fd5558c86bd6ec8003f427afb87c04bbea20", size = 68431 } +sdist = { url = "https://files.pythonhosted.org/packages/d5/94/14eb1abc06a88d1621eeb39784a9a1346f417c8584d37d767875c50bf54f/pyobjc_framework_contacts-10.3.2.tar.gz", hash = "sha256:f912a1bbd3cee3d8af740e02abc083828604265394871c2c166bc9c1de3130ce", size = 68818 } wheels = [ - { url = "https://files.pythonhosted.org/packages/c5/f9/7efe17e729ed96aac2618c24513c95bdf61762d2f7e9a288f4c290e32e3d/pyobjc_framework_Contacts-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:401e40ff638712d011fe54c7b1e9929af994e87cb03d129cd95df2fb90439e4e", size = 12768 }, - { url = "https://files.pythonhosted.org/packages/6f/e9/b13466931afbe95b5acd368ad0f177e530e458a76f8a7a2f1fb54f58b465/pyobjc_framework_Contacts-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:83de186cd4037171c63899987caa66cc01527688b15176e899cf1a06e6baab09", size = 12769 }, - { url = "https://files.pythonhosted.org/packages/d3/5e/b092b4fe3735d2b19790e9094bce9691a02fb9ef98d203aec039a2b0023c/pyobjc_framework_Contacts-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:e0bbffb430505ad3f91fd58f65b0a6e7535ab5bb28c2ca69ee8a6349f3edfe3c", size = 9411 }, - { url = "https://files.pythonhosted.org/packages/b3/8a/37fbb2012ca0a15aafdf1aff03317c11ed60d14ebcd1418638897075d5e6/pyobjc_framework_Contacts-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d47f694977cf33f5d0b73e2f111edcd57f2ef0cd9a6a38e03b1dea965b8657cc", size = 12681 }, + { url = "https://files.pythonhosted.org/packages/e5/d5/89af3f415f280dbba19ec2d8095e576932e7d301b2c734836f3724a62c1b/pyobjc_framework_Contacts-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f88170a392c1d6a75b99d40fb4e95987ec2e8fb3a78d43fdfe7f552316b741ad", size = 12788 }, + { url = "https://files.pythonhosted.org/packages/7b/36/f20ab836c3d1ca92ad064258387dd96598a47f9328056b10373aed4a3232/pyobjc_framework_Contacts-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:8723c5e472b6fbe7cbdee5c999ffd32b4d93900cdb47f156d9304abe3f0068c1", size = 12037 }, + { url = "https://files.pythonhosted.org/packages/81/3b/3217719eae52514bd040a2123774b2023b06765cada2ce10ae727f91c788/pyobjc_framework_Contacts-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:86b7bc80e0b82665eb6e74aecd8efcfe2bb8678bf34097133a6b1a34fb200e93", size = 11936 }, + { url = "https://files.pythonhosted.org/packages/4d/7e/3e979ec7cfdbddaf33762b129d6c6ef772ec88b71fad2603cef723912969/pyobjc_framework_Contacts-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:528164fc9c9f15e5fc51a8c1d89bc211d93b3cf5ee659d492d7fb414f265f1e9", size = 9246 }, + { url = "https://files.pythonhosted.org/packages/77/f3/776bba456e4f3703e94cd50849c8f432b6e3149879e76eec4a024fabd530/pyobjc_framework_Contacts-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:8eee545f6605dc44fe35dcb8018b530d05ccbb0fa6fda61a0df4e13666c9377d", size = 12499 }, ] [[package]] name = "pyobjc-framework-contactsui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-contacts" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ad/17/ce9b512e29ca92eb519328d0fc1e12b6b048ac379447c7f4f2be4266599e/pyobjc_framework_contactsui-10.3.1.tar.gz", hash = "sha256:51601501d5bc94c59ad458c7bb1d1994c497b373307dad8bd2ea2aa348f66c4a", size = 17921 } +sdist = { url = "https://files.pythonhosted.org/packages/4c/90/014388a37e3a1e2ec9a4d8e4336a6d5bb9e805c1087a3d3f38fc1b655be4/pyobjc_framework_contactsui-10.3.2.tar.gz", hash = "sha256:c004d225f17cbbb5c8b627275cf6a6f91a05aa956ab62d08e0fd3276fae80558", size = 18259 } wheels = [ - { url = "https://files.pythonhosted.org/packages/9b/d0/67150306b40068d05cb7794ed5762fe85c5d9eb0a6148b1860d7fab3cab1/pyobjc_framework_ContactsUI-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:0e939e46ccff1e07e7fa6768a35d646b7302886a99b9efe6b31dea4ea67674ad", size = 7906 }, - { url = "https://files.pythonhosted.org/packages/48/7e/2a9b1e4ae673406bad4278126491a818e2a55e4791c7cec62487947f1096/pyobjc_framework_ContactsUI-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4adc77f2fb7ae4e2999cfd72f5d3b8e0e039880f9d60cb8e15050607b249c730", size = 7965 }, - { url = "https://files.pythonhosted.org/packages/0d/cc/998cfd89b2308f8bb971b3cd85901e531e91eea82cda7d7afba967f21655/pyobjc_framework_ContactsUI-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1a605d93b4826cd4646cced6383cb253e65c8babcfd230d5894c1c4d67f6e147", size = 5688 }, - { url = "https://files.pythonhosted.org/packages/4d/56/63b61f49146a9d1890b8a06f93bf99fd15d61afdc65f6d75689aec53217c/pyobjc_framework_ContactsUI-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:62ae604a000233c729712e420de734c97afdd9187fdd0bef8e61fbc8c4f6eda0", size = 8251 }, + { url = "https://files.pythonhosted.org/packages/42/cd/6bc7beee92e5af7ea3d7c48a6a9380bf9ccea077a284c9d592e55655d305/pyobjc_framework_ContactsUI-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b0534f248e82b79798ed6cad9b78715b934e86a82d47526eb7bf8a28136cfa70", size = 8042 }, + { url = "https://files.pythonhosted.org/packages/3e/80/504c86fefdce76b11c78c3fc0c579a3beaf699948cce1c61c9bbbd1a6fe9/pyobjc_framework_ContactsUI-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c138defc6399ff4fb94861a8b6a17d8b13d254ebb101570131a790eda2dec32d", size = 7839 }, + { url = "https://files.pythonhosted.org/packages/d7/8c/fc0e5ede553010085124437df58f748fd3008f079cfd4e8e3fb4eaf520da/pyobjc_framework_ContactsUI-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3ab62d3ced5ef1c16d56b7730f388a579dda9baec26234e6efd7b0c8de0c21af", size = 7820 }, + { url = "https://files.pythonhosted.org/packages/b8/d3/dea2aee9fda3647fb841e18a5cd89421f4f60ec0bfd929f0ab1098a05c15/pyobjc_framework_ContactsUI-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ae7ea14e086602f833c112b628a4e272e78e4d4b9893c0cbbbd42d1ca4d53069", size = 5594 }, + { url = "https://files.pythonhosted.org/packages/9a/02/81ef6da547cc4d217f02ce7fb69b8a1e9d7759257866c5ed20c2090c56be/pyobjc_framework_ContactsUI-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:baf61007722c26727f33f423873af5dd79b7ebe01fa43f8d15732cea71ddffe9", size = 8193 }, ] [[package]] name = "pyobjc-framework-coreaudio" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/c5/fe/39351e6a58f4a9b1fce5a5e982830612277233084fe72b1d84b4de890f3b/pyobjc_framework_coreaudio-10.3.1.tar.gz", hash = "sha256:c81c709bf955aea474a4de380b187f3c2e56c864ca7de520b08362b73070c795", size = 125676 } +sdist = { url = "https://files.pythonhosted.org/packages/1b/54/0fcdab30ac31a594d699d909aa94c841fd94e173774f36e8c19e18536991/pyobjc_framework_coreaudio-10.3.2.tar.gz", hash = "sha256:c53e3247144b4f316cd588dd684a5f4edc6eebf9ca6beba488711b890bf0ff5f", size = 125996 } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/01/080cff601f8204ed373fdf871992b74f1c09aa720b5e4e4b6e423176920f/pyobjc_framework_CoreAudio-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:76a37e27cfdd67e4dcf27f57b680a881c4a2f3bf44ce3b31d7cdb32596e1e269", size = 35661 }, - { url = "https://files.pythonhosted.org/packages/6f/dd/e4be148694e5e73885aaf00a92720293674fd510d87369cf5ba300f24660/pyobjc_framework_CoreAudio-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:bd58e69cabbc987d0c2854ab2d13516889cfe4a2094b80296591ad7df0f30e40", size = 35672 }, - { url = "https://files.pythonhosted.org/packages/21/1c/af5e88a24dc7f437852a9605949c5eeaedb7bba9883b2c3cd275dea3729b/pyobjc_framework_CoreAudio-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:e0aeca61a425d846afc92350ffba970e1e503469182f5f0ea436de98cfd00d96", size = 36444 }, - { url = "https://files.pythonhosted.org/packages/31/50/3917e5190b65e4f29a5977c9713651c779f48753042d2fdc3f8dbda12353/pyobjc_framework_CoreAudio-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:21cecd1b023b6960d1071c106345656de45a399196701b07c7e5c076321f25ad", size = 36199 }, + { url = "https://files.pythonhosted.org/packages/eb/d7/b695bf1ce74bec46ed18c25aac7e941ae2afaa18b2e23f136c0f196631d5/pyobjc_framework_CoreAudio-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:c9df246d7aef6b80ac089ef2e84a0d7a3fba3f9e6037a4e4fbfdceb39035bd95", size = 35091 }, + { url = "https://files.pythonhosted.org/packages/18/d9/e609309a3f128f4e0710e5992eea7d580bf1e7ff64482d32fe51b8c39e05/pyobjc_framework_CoreAudio-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0c60e2cc3c80462a7053ff5955ce68c15619326f1b14009b6f966d7b3ac6151f", size = 35091 }, + { url = "https://files.pythonhosted.org/packages/aa/f5/b7d346f55c7c20590a303dcb33fb86a75e25ba2cffe3730225cdb76403e0/pyobjc_framework_CoreAudio-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:731afa9876be9de326dd5219ee5ce83ffbd303083d51b45f61e17c5d4ac25d3a", size = 35301 }, + { url = "https://files.pythonhosted.org/packages/74/4e/bb75f2ce5505856752617af3d8b514cc99307248adc478755b23e5742e30/pyobjc_framework_CoreAudio-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:f128f74b2895463a41b36296f7b01dde392fe08a11ddd642f8739f305ba51387", size = 35286 }, + { url = "https://files.pythonhosted.org/packages/77/00/ab55d73350937c0509d2e492425d73faf22b8c329fce6aa0ce66c1fa4d6c/pyobjc_framework_CoreAudio-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:85d57b67269a246685c730994689bd42f5fb8f482e0f1650fc2d5c52360475ed", size = 37098 }, ] [[package]] name = "pyobjc-framework-coreaudiokit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-coreaudio" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1f/4e/79a20d1ab459467de5695f96057e034d6457b061da68951b41af211b1fe3/pyobjc_framework_coreaudiokit-10.3.1.tar.gz", hash = "sha256:81f35d5dc45cda043e01f0ca045311f4aebc36c51cb71e859b30ea0edf90b3db", size = 19761 } +sdist = { url = "https://files.pythonhosted.org/packages/19/52/e03a7a497102acb95018e653c4c03c7fdc6a01ee4bcaf403234d7b37c87d/pyobjc_framework_coreaudiokit-10.3.2.tar.gz", hash = "sha256:a41b0ab17d413bae5b6d673e6c97cfec0d80cb423f590cc4cd3970887ad22f49", size = 20079 } wheels = [ - { url = "https://files.pythonhosted.org/packages/13/d3/6cc3624b3dfc5f5d25221e8b46d456c5f3f1bbefe9fc1a9a030406a31ddf/pyobjc_framework_CoreAudioKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:dfc967bc448cc0a1fce932e6af15ad42f5ea3eb2f793396e364cf39005c812eb", size = 7331 }, - { url = "https://files.pythonhosted.org/packages/e6/2e/45509db91d9fcb0df6e1a24884596e2e560f20d6083a06f6bf9e72e42b84/pyobjc_framework_CoreAudioKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:6634f3f15d257e93cad4644eb08f5b32376e8a8a7ae2e95d99d36d935b5e9ba2", size = 7395 }, - { url = "https://files.pythonhosted.org/packages/1a/12/424094bba2cf1ccdaf2b3aa2ad25462799a2f1978c116e4a7011504b696e/pyobjc_framework_CoreAudioKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c2bf1b0c9f6c1d27c98b87bf4cf1ba3d0fa550dd771de948614ca21d15779a01", size = 5463 }, - { url = "https://files.pythonhosted.org/packages/43/df/910252ab44c47e48421f57be17c539e2f828653834cfbc7343e9f379db4e/pyobjc_framework_CoreAudioKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d5b3adabd7278e64a0deab6d0f6912bfcc667bc26054f5141a556897157dd8f9", size = 7452 }, + { url = "https://files.pythonhosted.org/packages/93/c7/bf3086ac66686a018384171372891ee4629ef43a56aa13d2dd738335b48c/pyobjc_framework_CoreAudioKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b80fc68ce598ed6fcba05468623d351f27552f22984d7bcd08ca8e47309942dd", size = 7511 }, + { url = "https://files.pythonhosted.org/packages/89/9b/d8756cd1661abed7300896bd5592a2b803bb0a2887a7985e1392df85f402/pyobjc_framework_CoreAudioKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:7076e71f6430bd099296032aeeff6ced2c46a6581332bda242118442ab539883", size = 7295 }, + { url = "https://files.pythonhosted.org/packages/6a/02/37e5ff092edda5365f3f8b22517f67e931e7ec2a7b3233070cd54916e457/pyobjc_framework_CoreAudioKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:76cd44b0b596cc380fa12433cc57f9a4f517293cf7a1bf84e76b3610f17012c4", size = 7276 }, + { url = "https://files.pythonhosted.org/packages/b8/88/c483777d9a5150906ec596dae7be75de543be14fb92a0410b3c18ec22f8a/pyobjc_framework_CoreAudioKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:46693dbc7f88f488fe8d119f6d57ec8258bd46ac027e51d5e0b2f99e691806b9", size = 5381 }, + { url = "https://files.pythonhosted.org/packages/78/79/79426dbd2de7d6fd786ae5860ecf673c7f102a850da6a1a84b28354de69f/pyobjc_framework_CoreAudioKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:1d9288f54fc332dda03de163dfd6af1eb8ba1065d33dc79f699db734a6b4e53e", size = 7415 }, ] [[package]] name = "pyobjc-framework-corebluetooth" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f7/69/89afd7747f42d2eb1e8f4b7f2ba2739d98ccf36f6b5c72474802962494de/pyobjc_framework_corebluetooth-10.3.1.tar.gz", hash = "sha256:dc5d326ab5541b8b68e7e920aa8363851e779cb8c33842f6cfeef4674cc62f94", size = 50210 } +sdist = { url = "https://files.pythonhosted.org/packages/13/ca/35d205c3e153e7bc59a417560a45e27a2410439e6f78390f97c1a996c922/pyobjc_framework_corebluetooth-10.3.2.tar.gz", hash = "sha256:c0a077bc3a2466271efa382c1e024630bc43cc6f9ab8f3f97431ad08b1ad52bb", size = 50622 } wheels = [ - { url = "https://files.pythonhosted.org/packages/33/2f/b34311bc453472e34c7a9473b1da21d79f7126d61f95d85e7d679cbd98c1/pyobjc_framework_CoreBluetooth-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c89ee6fba0ed359c46b4908a7d01f88f133be025bd534cbbf4fb9c183e62fc97", size = 14052 }, - { url = "https://files.pythonhosted.org/packages/af/a2/946a7099d5181ebfa59eb390471b30b51f04da935f8ef8d9a9ac3a102e13/pyobjc_framework_CoreBluetooth-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:2f261a386aa6906f9d4601d35ff71a13315dbca1a0698bf1f1ecfe3971de4648", size = 14102 }, - { url = "https://files.pythonhosted.org/packages/87/43/a344c043be35a516c0e1b7c69cb1945c3150a11416fdd89f066214ef65fc/pyobjc_framework_CoreBluetooth-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:5211df0da2e8be511d9a54a48505dd7af0c4d04546fe2027dd723801d633c6ba", size = 10202 }, - { url = "https://files.pythonhosted.org/packages/f0/a4/ed61aba4cd2d66d0569669d047bcaf249fe28dd79331015fd0d6387dbd60/pyobjc_framework_CoreBluetooth-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b8becd4e406be289a2d423611d3ad40730532a1f6728effb2200e68c9c04c3e8", size = 13942 }, + { url = "https://files.pythonhosted.org/packages/b8/74/9bfaa9af79d9ff51489c796775fe5715d67adae06b612f3ee776017bb24b/pyobjc_framework_CoreBluetooth-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:af3e2f935a6a7e5b009b4cf63c64899592a7b46c3ddcbc8f2e28848842ef65f4", size = 14095 }, + { url = "https://files.pythonhosted.org/packages/f7/b0/9006d9d6cc5780fc190629ff42d8825fe7737dbe2077fbaae38813f0242e/pyobjc_framework_CoreBluetooth-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:973b78f47c7e2209a475e60bcc7d1b4a87be6645d39b4e8290ee82640e1cc364", size = 13891 }, + { url = "https://files.pythonhosted.org/packages/02/dd/b415258a86495c23962005bab11604562828dd183a009d04a82bc1f3a816/pyobjc_framework_CoreBluetooth-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4bafdf1be15eae48a4878dbbf1bf19877ce28cbbba5baa0267a9564719ee736e", size = 13843 }, + { url = "https://files.pythonhosted.org/packages/c4/7d/d8a340f3ca0862969a02c6fe053902388e45966040b41d7e023b9dcf97c8/pyobjc_framework_CoreBluetooth-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:4d7dc7494de66c850bda7b173579df7481dc97046fa229d480fe9bf90b2b9651", size = 10082 }, + { url = "https://files.pythonhosted.org/packages/e9/10/d9554ce442269a3c25d9bed9d8a5ffdc1fb5ab71b74bc52749a5f26a96c7/pyobjc_framework_CoreBluetooth-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:62e09e730f4d98384f1b6d44718812195602b3c82d5c78e09f60e8a934e7b266", size = 13815 }, ] [[package]] name = "pyobjc-framework-coredata" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/cc/17/1929fabc88d265373ce2b5e5c3136aae03c30ee42df66bd0810fa71328da/pyobjc_framework_coredata-10.3.1.tar.gz", hash = "sha256:8a75094942c8f3ddc1bcbde920c87658d7bb4c7534a4652e60db42d17f4b4a4a", size = 229850 } +sdist = { url = "https://files.pythonhosted.org/packages/bc/dc/8b5d84afead6a72d42fd227af7de8dcd5aad3738179737e91cba8bdd529f/pyobjc_framework_coredata-10.3.2.tar.gz", hash = "sha256:e6da6cb3b5ec7bc1ff4fc71bf933e8a0d9ecd1d1c4028b7f2a2a24b1e2089078", size = 230246 } wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/18/5662deb09d3bff1390f6eab760f0e806a91d604d867960978245304a44ca/pyobjc_framework_CoreData-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:2313aba4236f3a909d2747f4327da83be884adadb734a602ed4319addf88edd7", size = 16618 }, - { url = "https://files.pythonhosted.org/packages/51/69/d07e0b235e22dbe33cf5fc7b377828a0965ca4eb156ba7db1ba380c79a20/pyobjc_framework_CoreData-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:065ff3058f4bc8544422ad1f10dff037bdeed25263cc8ec5c609e54231bf9347", size = 16675 }, - { url = "https://files.pythonhosted.org/packages/b0/39/3a3d76a11980a7757ce91b8a3de71a1486dc9d9f32d7b087d6a29df8e643/pyobjc_framework_CoreData-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:049acf980e5226b132a4285c3a94cc8266380e57050c8fd4caec3c5df4ef8c4d", size = 14186 }, - { url = "https://files.pythonhosted.org/packages/36/31/a18ce8a793a4129968409199153799aac71b2461b994a7fb8125e0fa723d/pyobjc_framework_CoreData-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2f1f4e1217fc02f66435dc2a5cb2e0b41c684c435f13d96bf05cd3d1e0ad4e2c", size = 17130 }, + { url = "https://files.pythonhosted.org/packages/56/e3/070a51304852ff8b13a6c8f0e78730c1947f902597cb97a7ddce775654c8/pyobjc_framework_CoreData-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:65003f5d257dbdf971a77f40735d54058cd3383838e5dd2bc90f122e160d6953", size = 16765 }, + { url = "https://files.pythonhosted.org/packages/f0/b1/abe31281aab75a1dde452c07586b759cf2806651b3c53e2b4d64b8ea6b8c/pyobjc_framework_CoreData-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:bfe935839722c8889919afffd0adc3ae0b67b1b1dce2b4f1e657af8a83380fd0", size = 16551 }, + { url = "https://files.pythonhosted.org/packages/4b/1b/059ee506d99db86d81fba37933a08f3a2171cfdb12e0a346be69a5968d36/pyobjc_framework_CoreData-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4cf569f99c427374cb83c4d38299c442a23cdc9e888c5fb632b117b87a73cf9a", size = 16526 }, + { url = "https://files.pythonhosted.org/packages/f7/50/465a45ec1edaf60493567a9d42a032eb50f67928eba815aaa7785ed43120/pyobjc_framework_CoreData-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c4e5fa3339e36cc79852353562d7c8f77f2999b07d08e06a0d3352145998603e", size = 14087 }, + { url = "https://files.pythonhosted.org/packages/2c/40/c8193919dda05e4a39f973c0413ba31ea208d348fced9692ee840ee54a6e/pyobjc_framework_CoreData-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:74dce9de732c5c653225fd3124fff7cf27c72b4271ff0c8fd6245a97061a5354", size = 17057 }, ] [[package]] name = "pyobjc-framework-corehaptics" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/6b/04/ef530d0c30cf81a772ddee64cbfeb7cafd9428d87df96bbc6eb41b77d80f/pyobjc_framework_corehaptics-10.3.1.tar.gz", hash = "sha256:5a7cc117c0b64428e1f08dc9c8b76dbc5d8f61f80dc41e911d11ddee4e0e2059", size = 36854 } +sdist = { url = "https://files.pythonhosted.org/packages/9c/47/9f1dc2645fe5d25560f6d16c12a91997f66038d798b7926fbd3598bef3af/pyobjc_framework_corehaptics-10.3.2.tar.gz", hash = "sha256:dcd595bfa0b02212377be6426457eef76dd0a343dc73416a81ba001adbb0d2aa", size = 37194 } wheels = [ - { url = "https://files.pythonhosted.org/packages/2b/70/b41b0423b1dce4c98e87787c5af254275ad88db1a781eca5d8d440a4c882/pyobjc_framework_CoreHaptics-10.3.1-py2.py3-none-any.whl", hash = "sha256:163b83ea727cbac5c0963d16ffda89c9f1626ed633d5e52830c7918b8599a693", size = 4987 }, + { url = "https://files.pythonhosted.org/packages/f6/ff/6de5c3683d07afe21cb6a651b0cb047a030d4fc4b736b21278bc9aa0bb31/pyobjc_framework_CoreHaptics-10.3.2-py2.py3-none-any.whl", hash = "sha256:7d09397cc514037b628b1d19716c9b750df8077410086e40071991ecc63cbda8", size = 4991 }, + { url = "https://files.pythonhosted.org/packages/0d/10/5dcee4a9f90b52f2cbee2561054f471b698837771803fd7dd469aacd1c1c/pyobjc_framework_CoreHaptics-10.3.2-py3-none-any.whl", hash = "sha256:d360af7d72730e3c891f4034045a72837683ca82cb763e82e6b15dc5b47ee9fa", size = 4985 }, ] [[package]] name = "pyobjc-framework-corelocation" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/06/35/8cf7ab8f9b7be5b81deac4d74fdc89607a3eeb901f785cc7d50332eaa275/pyobjc_framework_corelocation-10.3.1.tar.gz", hash = "sha256:8ae54e5bd4c07f7224639d815f7a6537fadee17c11cb35dd99c2804bac1825ab", size = 89219 } +sdist = { url = "https://files.pythonhosted.org/packages/25/a6/14450410f233a8e8d3ed1e48702a0b405f402bd3efa77b8bd62c424ca0fc/pyobjc_framework_corelocation-10.3.2.tar.gz", hash = "sha256:3fc543ff9b5a347bece0668e9c4d73cc94bf47624a723fad0d568d360567583f", size = 89656 } wheels = [ - { url = "https://files.pythonhosted.org/packages/7a/a0/9268f18f0daec40460590a724eef778f6012d81da3e4c668b478486288f4/pyobjc_framework_CoreLocation-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4cc83a730db7f78ca5ceef45ea4c992084d8c90bed189939fa3f51f8e9ea83ae", size = 12928 }, - { url = "https://files.pythonhosted.org/packages/e9/e3/16b8d53786cee07c496d614ca29aeb1e110a93fea501983b54158d23622e/pyobjc_framework_CoreLocation-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:97d5aa35214e417c9a03ac7209630dc445b98652932642dd0497f1ec52624bfe", size = 12978 }, - { url = "https://files.pythonhosted.org/packages/f8/1d/e290bc1dc73bccc09a6483dd86dcce057477f367622a94b704cee987a0e8/pyobjc_framework_CoreLocation-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:86d0e00b7eef5a3e2f01ea309cdcf58807b251138008edcfc65d3c31af8a5bd2", size = 9865 }, - { url = "https://files.pythonhosted.org/packages/c4/85/aec923825469aa315d1fbdf5cd5988158fee5f0740f44b0c18b0b6624fd6/pyobjc_framework_CoreLocation-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:5c4ded6388f99a18ce2b9d7082b8a43a19b6d9f8f121e2147d10bb37a25e1714", size = 12840 }, + { url = "https://files.pythonhosted.org/packages/80/2f/53b16973362f6667dd9993d7dc68cd38b5df1e02b00ddf76b315654a0f0e/pyobjc_framework_CoreLocation-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:ee7a7b8ca885caa32dfe88acce2df4d5f8c26c5334ed3899ed860b382af3809c", size = 13058 }, + { url = "https://files.pythonhosted.org/packages/c5/bf/f3ae97ea404e85cb0b5c4dfe58d35df35b0e20ed7b19b2eef5390a27a617/pyobjc_framework_CoreLocation-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:787837f678048e593ac21f0308156c237f1fcea07c4ce6d3a3a983074a87f14b", size = 12855 }, + { url = "https://files.pythonhosted.org/packages/17/b1/3b5a40c95861e3ac5357276e434b78e85585f78e79a420922a67ddf2a16a/pyobjc_framework_CoreLocation-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:79d7306946e62a930d280be7496fce645d59190135a527b4df21cf9ad74b77a1", size = 12827 }, + { url = "https://files.pythonhosted.org/packages/75/bd/a2c6400680103b28f9ef454d159116b08344c2214b20ec2caf610090cdce/pyobjc_framework_CoreLocation-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:eae5f2e857672f4c771aeb96aee7103a45c12f987adae230f23ef4ff23b40914", size = 9767 }, + { url = "https://files.pythonhosted.org/packages/e8/1b/ba7436abd8eba1b016e5a4385bdbcc44c0b9a2760f9424ce54e80af9833e/pyobjc_framework_CoreLocation-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:3882873ec834531e1bbd641b56c591d8c15b016a4a959e3782459b51e4eddf79", size = 12794 }, ] [[package]] name = "pyobjc-framework-coremedia" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/68/9f/5e500c16472053db65dc917b7ea9cdc0fa8fde140ea4c38500a4c341b0a4/pyobjc_framework_coremedia-10.3.1.tar.gz", hash = "sha256:bc3e0cddf5f546b5d8407d8f46b203f1bd4396ad5dbfdc0d064a560b3fe31221", size = 180773 } +sdist = { url = "https://files.pythonhosted.org/packages/fc/99/01b557daec18114166ae5fb602437477a60325e08dd9cfa5aac9d1c5174c/pyobjc_framework_coremedia-10.3.2.tar.gz", hash = "sha256:cf69753c12cd193df5ff25eb8f6da857c9aa93e73b8e497ddd77a3f48d1b171c", size = 181120 } wheels = [ - { url = "https://files.pythonhosted.org/packages/54/57/f93b97b4e55e6aa5a6ca79c9def2f6d99350087f7399d726a255fd29969e/pyobjc_framework_CoreMedia-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7ef02d87f12ba54e6182ea72fd5732cf6d348982c4263dc9c0b11e4163fbb877", size = 29039 }, - { url = "https://files.pythonhosted.org/packages/3b/99/5ca053be93f30cb8420b72a1e7eefb778677e072f86ea2525dd6d848ae88/pyobjc_framework_CoreMedia-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:e63b002cf5e34540cba3f3a1704603ea0fb076ffc1ea42c2393a0679f40846de", size = 29040 }, - { url = "https://files.pythonhosted.org/packages/9e/2f/2b118b5f3c8fe955efd466398d519ffeb2e02e2957ae61953f8f4df0c798/pyobjc_framework_CoreMedia-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:c6eaf48f202becab10679e3b5dd62607ddec2739495db45882524592cabf3997", size = 29052 }, - { url = "https://files.pythonhosted.org/packages/cc/47/2af2541dcd14c7d2891a10b31d6b285099963be2a67d3778ce92458592fd/pyobjc_framework_CoreMedia-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:98b8ab02e6ec979007b706e05166e16bd61121e47fbc6e449f4b2de2c58f3cb6", size = 28679 }, + { url = "https://files.pythonhosted.org/packages/34/9c/5137403d89acf695a6f2fb69d5c49c436158494fb122bd551566946a5934/pyobjc_framework_CoreMedia-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:e50e293df5dd6a3b37f8850f52793e02f66214be5c01100ec81e853ff9cbc1da", size = 28758 }, + { url = "https://files.pythonhosted.org/packages/5a/b2/3f1481b5ca972c0864b97083fd617c91e4b47c8182bfa899c10266c44d3f/pyobjc_framework_CoreMedia-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:62f4c0307a789bf13eaaac0674aadb9067535bbcb02c511a0cf2a3520bb3a839", size = 28760 }, + { url = "https://files.pythonhosted.org/packages/9c/52/c112d26aac4f90e849caedd652a70d7eda8c9aaca3a57fd8382f4e784cb7/pyobjc_framework_CoreMedia-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:b2af51e1169824bec72c1f814a633ca616e93e1489f35ecdd006a16403f70d97", size = 28560 }, + { url = "https://files.pythonhosted.org/packages/1d/fd/30c72d93812773719c6a72851aa10275dc637c7745ae90c2c64bde9d4eea/pyobjc_framework_CoreMedia-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:74d37893cd673de232fee25f9c782841971791164c1e9106893135269e7d776e", size = 28552 }, + { url = "https://files.pythonhosted.org/packages/e7/47/74c2bfec3c83bb71d8c30d9996736568225010f38e7037bf82fc454576df/pyobjc_framework_CoreMedia-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:a92ed6e87f6d668e9a203e3abbbedde98c341af18f440fa6b0a8439c674d89d8", size = 28652 }, ] [[package]] name = "pyobjc-framework-coremediaio" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/08/67/1c22ff55baf5018d3ca4979f8c319e055ecff8b51ea91d53b8654503cc35/pyobjc_framework_coremediaio-10.3.1.tar.gz", hash = "sha256:5da3ed78475223dd3400fdb55fb97d543a248086f5cf8b77bf4aceac3df1513c", size = 88655 } +sdist = { url = "https://files.pythonhosted.org/packages/1a/ec/f32539575a5a2cf24c2328f49317b07aff2aa993abbaf44777bcd8e271f1/pyobjc_framework_coremediaio-10.3.2.tar.gz", hash = "sha256:a648ff9ecb49c37353f912801f86d3985df74fd27e880d22c4eb3d7bc8a66db2", size = 88994 } wheels = [ - { url = "https://files.pythonhosted.org/packages/9b/0b/80fcc75ecd8afb2f3966146985716e165321bbbcf00bdce2119feaf3be9e/pyobjc_framework_CoreMediaIO-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:07e19e89489a372ebea9e8a5cfaf1ec03fd570e65ed3fa2dfa44719d1e337a36", size = 17233 }, - { url = "https://files.pythonhosted.org/packages/92/5d/14312b4d3f8108124bdf69d2f5aa49d73a9c537e2ae44da698c618e66ab9/pyobjc_framework_CoreMediaIO-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c3bc3d8f3648b6a4126983119d9fc4e21d2c7ec06beb284c57039ca1033ceb03", size = 17284 }, - { url = "https://files.pythonhosted.org/packages/82/54/078fadaa51f063d94b30eff55f20aa3b0a0fa2b21934bb37ac461941ef27/pyobjc_framework_CoreMediaIO-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b158612a62cabd7f61c1f2a4d08d4cb4682e1b2ba140a4d09ca88b1ae3014443", size = 13371 }, - { url = "https://files.pythonhosted.org/packages/d8/2a/cad9e2d9a234c805cf11d5f5b62cb7ad5e30ae0ba5814ddfced8ec3527b4/pyobjc_framework_CoreMediaIO-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b3e9a9813bf5331bd0981e0a66ff380c5c927854f644e5cb62a2beaabd73b15f", size = 17146 }, + { url = "https://files.pythonhosted.org/packages/38/b4/3c1f25189ed101a3aa0aa881ca3dfcca22988865f93c979e4d815a232bd4/pyobjc_framework_CoreMediaIO-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:068fa43ee4e8843315322d2e1511a3d178405437512c2f331557de1837f6a88f", size = 17385 }, + { url = "https://files.pythonhosted.org/packages/45/f5/e205fd06ae5dc11444f4b3c674fa36b3102345a43c8f1436666cbb531115/pyobjc_framework_CoreMediaIO-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:5d5a8fa4d45e6704cf7281cca4d8d57db1cfd4b3ee6885acfd6ead630babb4f8", size = 17040 }, + { url = "https://files.pythonhosted.org/packages/86/9a/73e1ff679818715e2a08026caadf193224f188de84abd288b8fcc8eb6681/pyobjc_framework_CoreMediaIO-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ff39bf38a1bae412f0ed4e0008e14ac8fa81555a715f8492012fbdb1a013c471", size = 16997 }, + { url = "https://files.pythonhosted.org/packages/d5/53/97606817724ab66e0a4ab9624807aabe15d42b9b1967fb202f3a5089c289/pyobjc_framework_CoreMediaIO-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7a6fba175643e094bf38536cc4d058853b9109aa0527391454ee663ed3da7652", size = 13236 }, + { url = "https://files.pythonhosted.org/packages/64/31/57aa82a7a098e61a37c1d12ffad7f27224670df11105eaa9822f169079c3/pyobjc_framework_CoreMediaIO-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:0b2c77f4f08daacdc4ca3e89cd97fb18840a039d5de3246f8b1685c568c9b667", size = 16970 }, ] [[package]] name = "pyobjc-framework-coremidi" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bf/9f/38d8668499e0c590e51b3f3091d972e09a1f45e4efba94373c22d23d2b88/pyobjc_framework_coremidi-10.3.1.tar.gz", hash = "sha256:818454b56edae082a3a4b4366a7e93b8bb54856be01ee21bb8527a22a4732efc", size = 78441 } +sdist = { url = "https://files.pythonhosted.org/packages/e9/27/8b01da065b8fc166f91dcae96e38ed4c723743e714aba8e8c51f2f26330e/pyobjc_framework_coremidi-10.3.2.tar.gz", hash = "sha256:53f37f70abeaf67d90d03997517cb5085fcb29d41aa809f3c2b0809571f5258f", size = 78823 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1d/67/9800fbbfec104699c2d03adde3fa26ec5c60505f2005abb9fc37c841096a/pyobjc_framework_CoreMIDI-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:00a6869c2365b90cdf6e1ed0bbde6d87fe4daaa40ed243ee810e3cc3945f185a", size = 17489 }, - { url = "https://files.pythonhosted.org/packages/3c/0d/d8adf38ed03bf331934635dc1dc6e9c636b08df5bccdaa55db6d1e85a789/pyobjc_framework_CoreMIDI-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:92d04962f7ea63be03127880d4659f718f5b44b6a57a0e619a96d9def619bddb", size = 17870 }, - { url = "https://files.pythonhosted.org/packages/1f/30/1ff3b49c3c117d30fedd85edf02b4c502a250f0717efb8caa0c04f81a333/pyobjc_framework_CoreMIDI-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1be5f2d3c0c7c23817ad49a25d8cf8c84b9e420bd5fedc0065ec1322f5d5f2ab", size = 12784 }, - { url = "https://files.pythonhosted.org/packages/5d/d1/fc3226b125b0c7359539c508e939ad28f67acd487c628b3828c80a65720b/pyobjc_framework_CoreMIDI-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:bbe2bfb537e8adcca703a2c76b21ca1741d32691205af00a5ec67c025ee5d8e1", size = 17920 }, + { url = "https://files.pythonhosted.org/packages/e2/d0/28ce3b43652398847994e4b531b0ab00fabc4ddc2929580393b5c592f93b/pyobjc_framework_CoreMIDI-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:63df36b70defb14e2db439e2e14e80c62549d9bf023929e13641ef2642cc7c66", size = 17589 }, + { url = "https://files.pythonhosted.org/packages/4c/26/441fd1cf939be8ff18471dcef3cabfc052c40d611f62362b631147b49610/pyobjc_framework_CoreMIDI-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e9edf7fd3bbc1afb19dd939d4b057a118a0de8c10f688903167edb6d8a4dedc5", size = 17366 }, + { url = "https://files.pythonhosted.org/packages/83/bc/fc4f22ea464e3d4e7fa3ec775059e443240a1adb72cb44a8332463e50a8b/pyobjc_framework_CoreMIDI-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b8bf65e16c8cefcfdf84ee0c77af274fcc17daf9f28a469db20c1ae317f7cd5a", size = 17360 }, + { url = "https://files.pythonhosted.org/packages/e0/ce/1a6c02d15df8ef984c0ffe0816dbe0f9ab28cef77367643f93b25008abcd/pyobjc_framework_CoreMIDI-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c8aa31a28774e23ad471de1eb5a0aab4098ef899b9fbacc892de8dfddf1e2edd", size = 12564 }, + { url = "https://files.pythonhosted.org/packages/d2/f6/ae2c59234be316041f5f8f67791f249ffa9e0929700840967a9b7db7779e/pyobjc_framework_CoreMIDI-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:048ed8188d62fbaae47426b4240a9187b7785e175cc4d489699a4b9290c67cb9", size = 17851 }, ] [[package]] name = "pyobjc-framework-coreml" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5b/a2/08a73df17f344700f48444e3000ebdf0ca78765bf0816387de7392380255/pyobjc_framework_coreml-10.3.1.tar.gz", hash = "sha256:6b7091142cfaafee76f1a804329e7a4e3aeca921eea8644e9ceba4cc2751f705", size = 66750 } +sdist = { url = "https://files.pythonhosted.org/packages/be/7c/476d4459ce4d44d622365f721620f56fff7cebf50ade3560ae452244adaf/pyobjc_framework_coreml-10.3.2.tar.gz", hash = "sha256:f2e6eabe41fa34e964b707ba7a1269d5e049d5a7ac5574f35c4faa0647f385ba", size = 67101 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/93/fd46439a3d974e4c9bde868b056410abfcb897d30ddb58a0ebf31116fa5d/pyobjc_framework_CoreML-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c1fdcc0487807afa9cd0f88f25697e0e2e093d0219e8e1aa42aa3674dd78c2cb", size = 11647 }, - { url = "https://files.pythonhosted.org/packages/d5/7d/b875857b4116e68ecead251e53ef9f456650d4e740903e73775bea459bd0/pyobjc_framework_CoreML-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:21c87e84c807b5dbe61e0f016d9aefa32d3212f175cc4b976b5c08770be7a58c", size = 11707 }, - { url = "https://files.pythonhosted.org/packages/06/97/98fd2df3eef998bc47af5b298b3b9e8040ee410b7ead298cd1da31a700b5/pyobjc_framework_CoreML-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:a0877aed5d4cdbb63d1246cd5384c09d78a0667e83c435a1257d10017c11c1a4", size = 9158 }, - { url = "https://files.pythonhosted.org/packages/d8/2e/75833ebb0b3037c32836d8a713bf8113cfb9420ee1c882e60177b5e892eb/pyobjc_framework_CoreML-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:4bd3f1acfb3245727727b71cbcf7d21a33d7e00fa488e41ad01527764b969b92", size = 11585 }, + { url = "https://files.pythonhosted.org/packages/44/61/1693c4c7684be8eee011557eea95a16dcfe2045aad7a2ce5d6406185793a/pyobjc_framework_CoreML-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:fcac461545f007d648d2ff67f2734420c77173b467549e4a9d6b38a75dad2df7", size = 11793 }, + { url = "https://files.pythonhosted.org/packages/84/17/ca68b24e0263d974a169f83cd597cc130e92741c0fbdca3c93e123ea2080/pyobjc_framework_CoreML-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:feea183b192cc806485b7713f135e544e7fa7ece3cea0e8cde92db4ae19374ab", size = 11553 }, + { url = "https://files.pythonhosted.org/packages/66/4e/a939d232626b475f33727063bbcd5fda1f11a25e45c58ca52ff0005b8ece/pyobjc_framework_CoreML-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:15c89f9f37e46924357eb1c9859dfe4802a409263bb502b6a997046548097983", size = 11514 }, + { url = "https://files.pythonhosted.org/packages/02/9d/4937bce9b3dff47a1bd822dbd2582aad6bf27ee6b7759d4120fa908327dc/pyobjc_framework_CoreML-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:a975f2667d7e5ad81091db5a89a27c0e091f20ac4be8de309b3b20d177d83637", size = 9006 }, + { url = "https://files.pythonhosted.org/packages/8b/38/37ab623af9825bc5fb106feea54f46ebb06ca9c4f0c9bc73bdac949ac88c/pyobjc_framework_CoreML-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:559967fa7dd82e75cf84ae53b176ea6da8d7705e589213aea9fe10ac0ce1d100", size = 11491 }, ] [[package]] name = "pyobjc-framework-coremotion" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/6c/77/cef3cee6010e926754cc80faa455b5a7530d740f9b5a83a94fd4bd34484a/pyobjc_framework_coremotion-10.3.1.tar.gz", hash = "sha256:6ba61ffd360473b018702b9ae025eb16b8aaa45c6e533121522f26eef93a9f71", size = 54459 } +sdist = { url = "https://files.pythonhosted.org/packages/4e/f8/829dbf6ac3caad858cd68ba6a12f53ee3eeaef15c4107b34bcc0a1886f98/pyobjc_framework_coremotion-10.3.2.tar.gz", hash = "sha256:7bf2b3ae72e665035d57875a1c179fa4bef89021403ee44ddffacea04e9eb70d", size = 54848 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ed/fb/1c3646f09d4f5c190f56a5983ede6fbe772a8bf21b28a2257d1b5902f219/pyobjc_framework_CoreMotion-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f8c320df1806ccd8c2b1ac32c9b9a7337816ff13cf338a710a2f15ee550f58cb", size = 9806 }, - { url = "https://files.pythonhosted.org/packages/c9/7a/c208726685a2bae7edd597d6209f275d5052e3244ebed3d8c0f9b2e3de5a/pyobjc_framework_CoreMotion-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a003478eeb520c7f28be4d9dc8f9e02df6ffa8921d46c8879e2b298c9fbc6926", size = 9805 }, - { url = "https://files.pythonhosted.org/packages/d3/2c/dda7dbf8ffd5ae61986b2201ded7c600da7d6e3edab967065317a5b233e1/pyobjc_framework_CoreMotion-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:63c8f831ad522212627f99ae8d6f34161628230afd544203646e7d66596d6437", size = 9835 }, - { url = "https://files.pythonhosted.org/packages/fb/b3/521793543cc0266d6a6a2e4be3b660d99d0e16508cfa54436c116597b49e/pyobjc_framework_CoreMotion-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:9b78d2bcc71149821a49266eb548faea23abd7a25b7cd3f7a7f20b1d343a8786", size = 9794 }, + { url = "https://files.pythonhosted.org/packages/b3/dc/645ca09f44bf8d57a5dac08effdd18faa34a0e3a2982d5857a13cda3ef1a/pyobjc_framework_CoreMotion-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:32ca3c763f6f9ec2ca0a10f28668cb6087cc2eaab0aa5ee129888cc6985082d6", size = 9670 }, + { url = "https://files.pythonhosted.org/packages/6d/09/1e60d54ec7cbd89896a67d6aa0d3a6faf31912d03d2b232e5ee95a631d2d/pyobjc_framework_CoreMotion-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:1425400fcddf426ff9269368c0256a67d81e4be86c012f2ec12810737d369044", size = 9672 }, + { url = "https://files.pythonhosted.org/packages/20/a2/f2fd58d8816ab0d955fab476e5abd1930ce25fcbb3806c7848621bbd678d/pyobjc_framework_CoreMotion-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:bbe34b09dcd78f9f1e38e83252ab61329f5ee478c719c1f07d791693af39bc6b", size = 9694 }, + { url = "https://files.pythonhosted.org/packages/bb/54/d400b5bc186146d46b3859626ed2be181b7c004c22789c66fec0a4f947c0/pyobjc_framework_CoreMotion-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:d84283e490bae74426034bec683550b7173f13e973b8d4020433248b59254890", size = 9701 }, + { url = "https://files.pythonhosted.org/packages/2c/84/cde0322abcb8fd8457858060d63c7e4c2f88471a243b8c924ae18a086cbd/pyobjc_framework_CoreMotion-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:42c9d46750b84473330d98ce409b94527139c4255644d3c4d16e29852951e132", size = 9888 }, ] [[package]] name = "pyobjc-framework-coreservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-fsevents" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/18/c6/9214c4e64a22e92233f67f6518dc60269b30b317a169861f8cb8150adaef/pyobjc_framework_coreservices-10.3.1.tar.gz", hash = "sha256:2e46d008ee4ff586420175888c45f8eb0f002ed5b840c8f7893c560af01b2d72", size = 859909 } +sdist = { url = "https://files.pythonhosted.org/packages/0a/d2/2f5c63ad1b4f7c7c45c4da45cbeb3b13328d21794f5cec2b2018e42c177f/pyobjc_framework_coreservices-10.3.2.tar.gz", hash = "sha256:ee3cf8379839efe4300bbd33dca204ebe873e2671160fff856569976d45c68a8", size = 860352 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d1/a5/63364d45385f91a8026130d32b64e8b5a392865e4bde54a6acb7a7124a2e/pyobjc_framework_CoreServices-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:58d5708ee0a2ad7eea180864fe68123a2464b987ea089d0646ce69e2002500b0", size = 29708 }, - { url = "https://files.pythonhosted.org/packages/81/d8/d657d510b9655ab5a6b8ab4b45727f7164288a57dd20ced9f5a4ee5a98a9/pyobjc_framework_CoreServices-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9d43b77fa11af139ba39d94921e695cf804226737f68167f8bdb8f1c449c932e", size = 29825 }, - { url = "https://files.pythonhosted.org/packages/f5/e3/a24517a8a4b6cd85105aca9f57c7cbf3ffe598f377edd88dcf1c4928e80e/pyobjc_framework_CoreServices-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:e6c7b6bb821cc7fb4f04c08560d460783a7fa08093f5e153241bf10296a16cb4", size = 28293 }, - { url = "https://files.pythonhosted.org/packages/82/41/a14f936b823d615bf799341adebed81b26bd641a0962e313f008bf23e0d6/pyobjc_framework_CoreServices-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:ccb64113ee612a05308ab8ed57ec224e22445d5a125bec11e24c35d58d1f77e4", size = 29751 }, + { url = "https://files.pythonhosted.org/packages/4e/8c/0111644312332e74efb96939581bb47570c5d24d6f41088388d0240c06d3/pyobjc_framework_CoreServices-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e1e8f0490d27a07d3ea1ffd3e2c351c4a11ad3a208785d4f21b04afb6c6ad9ed", size = 29758 }, + { url = "https://files.pythonhosted.org/packages/6e/e9/b36b9e111789b9bcf4ccc5ffa9fe87ba7a2e94a3da84d8cfc65753e4f379/pyobjc_framework_CoreServices-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4512811b1c2737451b76969237ef5b8d7fd0e6b588652d50a1b6dc9fe3fa6226", size = 29714 }, + { url = "https://files.pythonhosted.org/packages/85/87/6d96ee4520d27bc3776f7f8d4ab188a57b1031b3eb6269e1e8b7b1ef9938/pyobjc_framework_CoreServices-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b73da63630903cb0d64138a933e92130ff3ad36770dd9da7b23047a3f362cc9f", size = 29708 }, + { url = "https://files.pythonhosted.org/packages/16/74/9b40d27fb07ba6cf8ce389421d59bc5974bcbd5b47c2ec94e6071730ca40/pyobjc_framework_CoreServices-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:bbc1ac3fa0076c61221196346a715da32b0ff9c3f20cc5ebf59ba78688a40ad5", size = 28164 }, + { url = "https://files.pythonhosted.org/packages/bd/a4/d28dff168700859df15e4dda7ac13f08185953e4c1d905bc20ba67b4b333/pyobjc_framework_CoreServices-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:40522a64a07276b8b577a71013f6c9272f35ebda3194d805d00f959c2ad26d83", size = 29762 }, ] [[package]] name = "pyobjc-framework-corespotlight" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9f/fa/e0ef8d255265a2aaa575244df3d629c46a4eda6c64a210a9faf62fd70772/pyobjc_framework_corespotlight-10.3.1.tar.gz", hash = "sha256:6b8ad243a65943d631434a9ff4696458cdd3d0cb631cfeb501a967fe29445c30", size = 69476 } +sdist = { url = "https://files.pythonhosted.org/packages/3d/a5/d34b1be8a07cb0940792b964407a8744b4081204200349557a0dba5b93dc/pyobjc_framework_corespotlight-10.3.2.tar.gz", hash = "sha256:0ae1656bc3e8ece5278d690d1155b025271564fcdfe33f5b780a15f4a10c3e03", size = 69762 } wheels = [ - { url = "https://files.pythonhosted.org/packages/8b/80/d84bc74e1feca7d54ff3fe18d28abe2304a0eb01eb1e6df540d176fdc51e/pyobjc_framework_CoreSpotlight-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4aa9b01b8d722ba9e803ec4a2329ee8da0bdecb9a004a668b793b957544a6d81", size = 9615 }, - { url = "https://files.pythonhosted.org/packages/b2/b5/706eea1e71054177e2e7cd3a48eb40471a8b48b7199453b05a0239eb388f/pyobjc_framework_CoreSpotlight-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9684f735fd3d3e8fae447e90a2c246bf6a8d4ca37f619174208d65daa86d9ca0", size = 9675 }, - { url = "https://files.pythonhosted.org/packages/74/5a/14c0f369d8adbbcc47f9c86a7fcaa0c7f603cf6e29f6c91f85b2e206c42d/pyobjc_framework_CoreSpotlight-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:31b2a1309c747bb6e4d1ddc8368885af2948af55441fbf9817ebac193c1b815b", size = 7327 }, - { url = "https://files.pythonhosted.org/packages/cb/64/43e4d5505e16f5570e777e19ea9b6045cba45de8c9d2849aa003462a69c7/pyobjc_framework_CoreSpotlight-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:ba5a20e860af7246da67bb00db15d8bd5c5110b8a12a44568bd68030f51db478", size = 10091 }, + { url = "https://files.pythonhosted.org/packages/24/eb/4547e4ff660d372c0a1f67a601f18abf48d06a541b9fbf1dc3a05c2861b0/pyobjc_framework_CoreSpotlight-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:6f5eb969078c747ad6ff17a6d14a54672f1a363cfb7dd4682fb4aa601486bdab", size = 9751 }, + { url = "https://files.pythonhosted.org/packages/7f/00/81f26161aa7021f684d2ba474e766585f6a5edfe417a9f9e75ada6eae69b/pyobjc_framework_CoreSpotlight-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:da9d240831d0945214b265ebde82ee066ae187034275096591e26c9e243fa81b", size = 9544 }, + { url = "https://files.pythonhosted.org/packages/64/ea/30516e4924907790db75140e9635230f12345799735b0535d5552a5b53f1/pyobjc_framework_CoreSpotlight-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:0d5951b18ebccee0bc7a9498790378ecbc8a5bb8ec7f9b1584b0244fd4508f90", size = 9516 }, + { url = "https://files.pythonhosted.org/packages/09/25/de9c5d3445d8e2a686ed2c4b0195f55f67971451de3ac3891c6cb4954a97/pyobjc_framework_CoreSpotlight-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:cbd1897afd79f57afa5b4553c4a6cb7cb186e17f490ab07c5467af4950b5e3f0", size = 7218 }, + { url = "https://files.pythonhosted.org/packages/bf/1b/aee27e034c965059824287c8c638d159e5782c1e57485717728ed94edf91/pyobjc_framework_CoreSpotlight-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:0ca8e5d0ca7e3ecf48698a2edd0b7bebe8dfda4eb34aab39813d37e97c67fb42", size = 10027 }, ] [[package]] name = "pyobjc-framework-coretext" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9e/9f/d363cb1548808f538d7ae267a9fcb999dfb5693056fdaa5bc93de089cfef/pyobjc_framework_coretext-10.3.1.tar.gz", hash = "sha256:b8fa2d5078ed774431ae64ba886156e319aec0b8c6cc23dabfd86778265b416f", size = 233428 } +sdist = { url = "https://files.pythonhosted.org/packages/24/8e/bb442edfeeada13d2c96796bd36e3dcc0b91ac5c1a6774c21c12b7498770/pyobjc_framework_coretext-10.3.2.tar.gz", hash = "sha256:b1184146c628ba59c21c59eaa8e12256118daf8823deb7fb12013ecdfbc7f578", size = 233780 } wheels = [ - { url = "https://files.pythonhosted.org/packages/8c/64/797595a57048b4dedfcbf3f7f65446f11ec64d481a1752159a8ec226ffa1/pyobjc_framework_CoreText-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:dd6123cfccc38e32be884d1a13fb62bd636ecb192b9e8ae2b8011c977dec229e", size = 30265 }, - { url = "https://files.pythonhosted.org/packages/0e/f6/ccc934adf50fa77c7d7d8bdb13ede25d1a0a62c67fec571ae2bd8557c41d/pyobjc_framework_CoreText-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:834142a14235bd80edaef8d3a28d1e203ed3c988810a9b78005df7c561390288", size = 30266 }, - { url = "https://files.pythonhosted.org/packages/66/8e/4341253c550d6cf4da1a8c33d8d310b6ddbbaaea09eca26ea5eaff176e4b/pyobjc_framework_CoreText-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:ae6c09d29eeaf30a67aa70e08a465b1f1e47d12e22b3a34ae8bc8fdb7e2e7342", size = 30404 }, - { url = "https://files.pythonhosted.org/packages/6d/7a/850261594a2a7ec54f27449db2c2494cc0b79897c765fea1581e03268f7e/pyobjc_framework_CoreText-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:51ca95df1db9401366f11a7467f64be57f9a0630d31c357237d4062df0216938", size = 30331 }, + { url = "https://files.pythonhosted.org/packages/5a/80/b40b6adb0d10f85b1f3edc11ab728ff35ef899ec71bc36b6d2c754495893/pyobjc_framework_CoreText-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:ead0b5b28031259d8874d641887fcbe106a8325773e142b054532859eb3d9ad3", size = 30083 }, + { url = "https://files.pythonhosted.org/packages/72/33/66f7f410ae46bf0200bf8af8dbb68fe95a6ea9c2cc5f6696f8aef4837bc6/pyobjc_framework_CoreText-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:c3b3cdf462442294319472bdacb013ce57f63f99325fa885b4b4a54a25bce201", size = 30084 }, + { url = "https://files.pythonhosted.org/packages/50/b6/44e23a558a777e25f98bc54ecd2a7a0febcec67e1ebe9b4ba90c3ddd0701/pyobjc_framework_CoreText-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:6be644434ac69969cbf3cd4638ab0dfa5485da399d0e79e52b006658346d3881", size = 30226 }, + { url = "https://files.pythonhosted.org/packages/65/e8/d775ba05c4bdf275afed25dbbec745aada07f8461811df9f08c84d712ca9/pyobjc_framework_CoreText-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:1721a16419dd75cedf87239fcb8e4739057d3b63d23378f4b38bda12acbe815b", size = 30214 }, + { url = "https://files.pythonhosted.org/packages/f0/f0/2ba3f0a982974e4bdeaec6b961dfbbde5919ed57bff926d8362f0f3e138c/pyobjc_framework_CoreText-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:685f3b3c2a65bf0f6709ea0e420ee1dac2610c939fe151a055feb8e7b477b845", size = 30754 }, ] [[package]] name = "pyobjc-framework-corewlan" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9f/b0/6e708d931e85db91de439c080d3af77422d7935b7527ce81888f8ff6ed8b/pyobjc_framework_corewlan-10.3.1.tar.gz", hash = "sha256:d340d976b5d072b917c6d3de130cb4e7a944ee0fdf4e1335b2aa6b1d4d6b4e14", size = 57781 } +sdist = { url = "https://files.pythonhosted.org/packages/c5/4d/132d46a120db80d9bc30ab24f7dae22f67a484eaaef47c0bb7f8ee9ed2ee/pyobjc_framework_corewlan-10.3.2.tar.gz", hash = "sha256:cb166e835e92332d34597c42d54886baf329363559c7bb017f15ce68a685508c", size = 58109 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1b/a3/4afc5aaae025cd2367ecf267a9dbe68c5e62290c70046063658972f5699b/pyobjc_framework_CoreWLAN-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:0b9b9a6f54c11b6adcb04eb07686c8a8372140619876073d6355498da7ecd074", size = 10060 }, - { url = "https://files.pythonhosted.org/packages/9f/fa/8be58eaab2a6c3159f3a048394ee9d85910e03ebb3e9e03630cc76baf1f0/pyobjc_framework_CoreWLAN-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:8d68dabd2fdb74e5263f1e05fa039621c197907347e045cd672a54b3ac537140", size = 10110 }, - { url = "https://files.pythonhosted.org/packages/4a/83/4940889c281457873c25499e3c775d2899df2142ccd787fc02c678916ab1/pyobjc_framework_CoreWLAN-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:995260e02f858ffa0781ec0d632e60e0567c45fd551102d36fe67a351f81697e", size = 8174 }, - { url = "https://files.pythonhosted.org/packages/1f/5d/5740991885dc7bffff526148d6b8ea77dadba49ce6c1d42a6d14013006ef/pyobjc_framework_CoreWLAN-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:e7120d4f7a73cfc283ca499165e8aaf2628bfb82773917e144c293447cabbdba", size = 10283 }, + { url = "https://files.pythonhosted.org/packages/a7/80/c0ea066bf7f7d5b0d02398632a7f24b4680a7900882e4cfb19126db8860b/pyobjc_framework_CoreWLAN-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f8699e16bd490ae85e29accc210f9ad626a7fa45bfb1be0af506cf37875ea7b0", size = 10227 }, + { url = "https://files.pythonhosted.org/packages/5b/de/729fb392e0547f98f7c0fd60b2509a2a2722940c790a79d3e494c1733b4a/pyobjc_framework_CoreWLAN-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:5225a2db40dbc1ca701a9d8b30155c929c504005ad0abd296945f89ccd2c1d1f", size = 10014 }, + { url = "https://files.pythonhosted.org/packages/15/65/5368ca4f45f6d9dbb35b5cf0cfb0368d8ade66643572bcf2fc2699d69fe9/pyobjc_framework_CoreWLAN-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4c7ba480405584d15ea2e9fad158e58e5bf7a37c8c38d875ff14949c842699d7", size = 9988 }, + { url = "https://files.pythonhosted.org/packages/9f/e5/78c39ccff7bce3fd3ba226c62d8d25754fc85c6e9583dd1187bf3b6e9868/pyobjc_framework_CoreWLAN-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7d9b4ca65c7ee9f5954bc1fbc4c81b7724c5ac7620b962b413bfe6288fc862e9", size = 8090 }, + { url = "https://files.pythonhosted.org/packages/82/a6/4192ca2244d9042b0730c814bf92fd00a6b77f6f69b6a01acf72cec3ad3b/pyobjc_framework_CoreWLAN-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d81150eaea01dac71dea9be0e748ed7faf79ee6b8bd2ddd44692cf01f6953ba8", size = 10259 }, ] [[package]] name = "pyobjc-framework-cryptotokenkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/07/15/49981d93f8402c655cbda9181a55e0f5879715d3f6c344070ba41d2511f1/pyobjc_framework_cryptotokenkit-10.3.1.tar.gz", hash = "sha256:ef1c4a3b9bc5429eceda59724279428e1f8740df2c5a511d061b244113b6fd97", size = 48548 } +sdist = { url = "https://files.pythonhosted.org/packages/ad/72/e771d7856e50da7650618fe46452b5fbd3b0bd7e2827356776d467aa2276/pyobjc_framework_cryptotokenkit-10.3.2.tar.gz", hash = "sha256:996a81a96af6928c5157f8a6f2d2bba8fe68c3948119f2d59918e00fc46f48d0", size = 48947 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b0/8c/6d12957ca129241a992932dd6387bd188f9c0523370b1a286ae8f7093617/pyobjc_framework_CryptoTokenKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:6c88948bc8d30cd125ae29ffe551315e08c0fb49654d4f36ba4b3f0fe2f85259", size = 13332 }, - { url = "https://files.pythonhosted.org/packages/87/b4/afaf21d0d993c98f293d72c1985ff687b4e87db4110f31599d5d4c1181fd/pyobjc_framework_CryptoTokenKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:bf0735d5d8e3ff61650deaa9670df62032dc218b865f21cd6b36b0d4c00b88ae", size = 13388 }, - { url = "https://files.pythonhosted.org/packages/0f/0e/457eae08f55e50ac281f87859ddca75a31bddff25181145ab653e65afa98/pyobjc_framework_CryptoTokenKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:bd58e48912a9b044c0203e39938b2108cab9b3a4903134ebb1ef610b45570802", size = 9664 }, - { url = "https://files.pythonhosted.org/packages/01/c9/eb29a4611eeb0b611671a392f7774d17cfa5ffd8c59440831cafd54d119c/pyobjc_framework_CryptoTokenKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b53fdc79a095d327dff7e68e2545b0825437520f105b1341e5f638e8e1afb490", size = 13241 }, + { url = "https://files.pythonhosted.org/packages/0e/c6/1591fc1df2c99e7f77cc3fc2d17adead924c3fa4b872b7bf8f5622ec3e67/pyobjc_framework_CryptoTokenKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b0b132b31eb2c297894c53646af133f8953a93914b16b58e83df39704e9d99c6", size = 13373 }, + { url = "https://files.pythonhosted.org/packages/3a/00/df5ed222234dacae6d809b0f26bc3494802c97deabd8b3ffeaa6ef392f8c/pyobjc_framework_CryptoTokenKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:31bb0480a87da217208b0e77a2461ac398d5f407a86507820e44b94c16f48d81", size = 13101 }, + { url = "https://files.pythonhosted.org/packages/06/9f/843d972b14980691b619dfddcc574b4819385bba814da444203798d03098/pyobjc_framework_CryptoTokenKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:2053411961b5bb37c25fb431dc6618b304e3b2d62adb6296ac77fc538d3bd0da", size = 13084 }, + { url = "https://files.pythonhosted.org/packages/81/f8/655cfd72998698eb7d0656aac9607e394fe947e7d01343a8ba4e4cf66d36/pyobjc_framework_CryptoTokenKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:d6cd5f5843d86cc16ddbf90849798eaaf8e557d1d8703101f68204f85c52f917", size = 9510 }, + { url = "https://files.pythonhosted.org/packages/b9/d0/8f27f40a735a6305ba26f33fa5c68a6a8aa52a0640070a1bce3b4dbee5c8/pyobjc_framework_CryptoTokenKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:487b0aa95f77c372ce32f60ceed4ab2a8c9ae316f72ce67e4b7b7f3bb083e8ed", size = 13043 }, ] [[package]] name = "pyobjc-framework-datadetection" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/28/9b/8b3a633ef4a215095bf1e008f4921bb9647a61a1f5b24e8ab94e89473df9/pyobjc_framework_datadetection-10.3.1.tar.gz", hash = "sha256:5394350cd7e7f40562dc0777f26dd9ddf4a595d20cb6e3cd601938e9490c963e", size = 12682 } +sdist = { url = "https://files.pythonhosted.org/packages/49/1b/ce373fd11d2696f5dc25462d5e1f91afca6ee322d6576fb4a7131e077358/pyobjc_framework_datadetection-10.3.2.tar.gz", hash = "sha256:4e68c6f53042e2dd90a047d6a443227bf481aa9e3cf7aad1b2f164ff1b19dd0f", size = 13002 } wheels = [ - { url = "https://files.pythonhosted.org/packages/4e/1e/bc1dde224086ad91e2eedcebdb698f3d9a3c81b4b7da3b0548bd9c6a42ef/pyobjc_framework_DataDetection-10.3.1-py2.py3-none-any.whl", hash = "sha256:618ea90267fd4b83d09b557b67342ad5f3ac579090020e081dca6c664f1ae598", size = 3106 }, + { url = "https://files.pythonhosted.org/packages/f6/d1/a5494de6c8d9751c333422f518e7fdd6b3f117d81e654d7072582bb401cb/pyobjc_framework_DataDetection-10.3.2-py2.py3-none-any.whl", hash = "sha256:f0fdf9d10fd45715f8e932d9dc508d6d63cd96a6e4b13ad92322dd21b79c882b", size = 3107 }, + { url = "https://files.pythonhosted.org/packages/56/0a/64a0516ec0f46ffa50e81070e541f1ced074d8f70dae2323ddb8ace4b572/pyobjc_framework_DataDetection-10.3.2-py3-none-any.whl", hash = "sha256:3d528510722b62851b9d53fe16fe9cdc1646433a33b07a64b5fafc29397509ef", size = 3104 }, ] [[package]] name = "pyobjc-framework-devicecheck" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/23/40/51f5e655f4d003227df3077151d20e8490e17e28043e0c4152cec9fcdfac/pyobjc_framework_devicecheck-10.3.1.tar.gz", hash = "sha256:7f6f95c84dc3d1f62aa07061f79b47d19463390d977e5afb444ef9fdd9177a9d", size = 13134 } +sdist = { url = "https://files.pythonhosted.org/packages/23/b0/afcc4f467fc26674c01570ee5623a5b1ba904181ba71c710b646880c1fb9/pyobjc_framework_devicecheck-10.3.2.tar.gz", hash = "sha256:028fbec7a0efad0a5952063d9382017f0d860d31d768db2097e71754b93c9922", size = 13455 } wheels = [ - { url = "https://files.pythonhosted.org/packages/2c/2b/9f22fc10b09daa6283ee5e9273aa6f25c61a1aee6afc44ce55fd353dfed0/pyobjc_framework_DeviceCheck-10.3.1-py2.py3-none-any.whl", hash = "sha256:9a3b291a2583bac2b65ff902c4b7872c1068736e249765906f530ae5a6eb8085", size = 3293 }, + { url = "https://files.pythonhosted.org/packages/be/6a/8eaf7ac056d74490dfb010ef4f6dc43e776a7e33728baa4fa9e9b5a8b0fc/pyobjc_framework_DeviceCheck-10.3.2-py2.py3-none-any.whl", hash = "sha256:d496ee7045ee92977cdc16625cf7cb871f8f798bf8253fe4fdffbd3cd58da0f5", size = 3296 }, + { url = "https://files.pythonhosted.org/packages/18/bf/566694aafa303c6772e4cd034830b18202437572355b1ac1385249f48ebe/pyobjc_framework_DeviceCheck-10.3.2-py3-none-any.whl", hash = "sha256:6bf642ce5c88b556dd743ad0f39db32ddd23c9ac9ff830805b8b3ca831a5a4de", size = 3294 }, ] [[package]] name = "pyobjc-framework-dictionaryservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-coreservices" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a9/ee/ecf4fc40acfdc71a42f6efb7de6cd12b43ee73b3a2397872145584157aef/pyobjc_framework_dictionaryservices-10.3.1.tar.gz", hash = "sha256:c9fb8ed1b92f63c6f568bcdbadf628baab1cb8bb4cd01dbd65424d59c236a552", size = 10131 } +sdist = { url = "https://files.pythonhosted.org/packages/9b/4f/f4669fc0429415ea3f01b01ffb4a3ed41c91cae4fcdcc453874b7d2c16de/pyobjc_framework_dictionaryservices-10.3.2.tar.gz", hash = "sha256:d74effe983246e2d8ea53aba0ea47cdfe5d3687d110d13e235279c92cb9aeaf5", size = 10430 } wheels = [ - { url = "https://files.pythonhosted.org/packages/57/2c/ded526049d60a7863bc08244454a4ae02250b15d2c07c16ad695bb4a71f6/pyobjc_framework_DictionaryServices-10.3.1-py2.py3-none-any.whl", hash = "sha256:e40933bc96764450dff16cd8ca8080ec83157a93ed43574441848ea52f24918d", size = 3505 }, + { url = "https://files.pythonhosted.org/packages/45/dd/7f167c845eb58ce4069872d047c86e56a3afed9112db4baa2e10b3de275b/pyobjc_framework_DictionaryServices-10.3.2-py2.py3-none-any.whl", hash = "sha256:cb04610493fd54dd6647766b9f569d09c79626faf4949e892708c725fb0431ef", size = 3506 }, + { url = "https://files.pythonhosted.org/packages/3a/2e/2ae88bccd2a8e9fe804ae79d89c44de3b1d4d6191f8845eb42704783e7b4/pyobjc_framework_DictionaryServices-10.3.2-py3-none-any.whl", hash = "sha256:f5da9f55cb8c6bbf2eeeb9053cab9271f189ce28b1d09feb7b194197f1215d96", size = 3501 }, ] [[package]] name = "pyobjc-framework-discrecording" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e3/0a/07b7871e9bbfb59676be857046c8285549edaf285e8c1508b67db62ddf9c/pyobjc_framework_discrecording-10.3.1.tar.gz", hash = "sha256:47865c9a0d24366b6ede01d326d57404346c3d01e249f417bd2b0b3de00d6c54", size = 101624 } +sdist = { url = "https://files.pythonhosted.org/packages/2f/e8/546a077194be0e9f8b99dfd62923e7cf29eaaed97ec355533861c00d6813/pyobjc_framework_discrecording-10.3.2.tar.gz", hash = "sha256:996df211530867edbd82dac9b82209da8686f6814c7ee58411131f965f5fea79", size = 101951 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a0/7c/9754edfb2144025245309e7433d55feb736ddf03855b9c9f974191544657/pyobjc_framework_DiscRecording-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:99ee7b1762c7e2a4e0b74c36416f4095695ea33505c7de03875a4f46a5729af7", size = 14642 }, - { url = "https://files.pythonhosted.org/packages/c6/bb/841c9452714e028486bd11f189038e91b72e0b9490307e59e4061dcd9574/pyobjc_framework_DiscRecording-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c4233f2649e34be2dd158752f0f0180c7db4ee705cc14aa62bc03c1f77318ca3", size = 14704 }, - { url = "https://files.pythonhosted.org/packages/ea/4a/0997edb3613da5584aab28cea828efe742558de8b09cca5dce88e4307aad/pyobjc_framework_DiscRecording-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:54016cd30b81f1f065d3a4d90b008c1bcfa77891cc79c68d72dff65e9d81e083", size = 12517 }, - { url = "https://files.pythonhosted.org/packages/d4/09/65703b2911be89885d39129309af08c70f1b83832a23346afbae4f84e7e0/pyobjc_framework_DiscRecording-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:da84170af530cda7b1f32023d5e8b98b62914c573c6ef571e562473d0b94fe6f", size = 14979 }, + { url = "https://files.pythonhosted.org/packages/2b/e5/5ba95c1eb1af46324e95b67f107a8ab8b8f9b2ddde208a44413ba8acc161/pyobjc_framework_DiscRecording-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:334ac918656f442e240083c5407f49f52bf482905bd1d2d41d6513b925595df4", size = 14789 }, + { url = "https://files.pythonhosted.org/packages/5e/65/d4c1089fe5cfa87806f07a107a268fcc36f141eff9a4dabaad3e14d34537/pyobjc_framework_DiscRecording-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:09481087c17289ed45c53ebde9955090eddcbd495f713412bd9d7fd7c9f04752", size = 14593 }, + { url = "https://files.pythonhosted.org/packages/ea/84/2a2618121c8c90600b0eca123ecb4020209eae2fec3158422014db9545ce/pyobjc_framework_DiscRecording-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:e08fac1518de20bf7617bc513f3a1113a29033d8f6cb95ef5ebfc81446d8f9b3", size = 14564 }, + { url = "https://files.pythonhosted.org/packages/fe/30/96a7a219b40a6345db9fa287663cb934b5d600af3db65bbf902f23b6a885/pyobjc_framework_DiscRecording-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:497c92fea3fc861c0e8ba25910bc87a88829a016df9574871a148a1fb0ff8929", size = 12432 }, + { url = "https://files.pythonhosted.org/packages/ae/7b/265556d1b053e9499844bf981e4e02187c8ac35c1408468d7d65a3f5e9fa/pyobjc_framework_DiscRecording-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:f20acc95c57549802f822ef56c21d66d277918b47c6c2796b8049b38094abf05", size = 14929 }, ] [[package]] name = "pyobjc-framework-discrecordingui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-discrecording" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e6/5e/12669a09410b9707bd27ba93274cd9e817acc6d43ff358299974a52fa624/pyobjc_framework_discrecordingui-10.3.1.tar.gz", hash = "sha256:4b9c804a97c89001feddb58106cdc3e099e241314f7c4de062842d27b1318b68", size = 18181 } +sdist = { url = "https://files.pythonhosted.org/packages/3a/cd/c44a59e6b6e893ef6117e3621f6d5faec326a98a6ebcaf70047a9f54a584/pyobjc_framework_discrecordingui-10.3.2.tar.gz", hash = "sha256:9cf1f1256c1c6dd4fc7debaff7e415949b43e86dd77be5ddc644822566cb3423", size = 18521 } wheels = [ - { url = "https://files.pythonhosted.org/packages/9a/78/57528e38d638bfb618f3d16b684b85a74c24e9443e3e986cc5dc1dc3ffda/pyobjc_framework_DiscRecordingUI-10.3.1-py2.py3-none-any.whl", hash = "sha256:cb25c70117a5c5eeb4ef74a96da48e2da171f01b7e92d1b7bbd7808068e8960c", size = 4344 }, + { url = "https://files.pythonhosted.org/packages/12/de/9233551472133f4a29de4169d48cbfe1d95c458dc4a0a92fe3d879b8dee8/pyobjc_framework_DiscRecordingUI-10.3.2-py2.py3-none-any.whl", hash = "sha256:4622c47f89cd73e8a9c9ff324c50133a82a596d6f71f69c2fb99a9168b632f50", size = 4346 }, + { url = "https://files.pythonhosted.org/packages/3d/05/cfe3577ad1fc27f3eab10117f62251159315b64dbe530a03eda4e8c6f7ca/pyobjc_framework_DiscRecordingUI-10.3.2-py3-none-any.whl", hash = "sha256:370b1a4ef613401047c479f3d5121dbc1ee12de93585cf1784672edc4239b927", size = 4342 }, ] [[package]] name = "pyobjc-framework-diskarbitration" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/4e/e8/9f1929c51bcfd78bde9763cc08200eb498528534664701730077beea31d3/pyobjc_framework_diskarbitration-10.3.1.tar.gz", hash = "sha256:0776318cb56f8e095066a880812c4fc5db2071687846e23a000a947a079f6c6c", size = 18667 } +sdist = { url = "https://files.pythonhosted.org/packages/2d/c3/fbb59379378f679473375d7a3532986c7fc06f192ce0855d0a6e02de8dec/pyobjc_framework_diskarbitration-10.3.2.tar.gz", hash = "sha256:5e3a4a35b209bd9b983ae6248275784f913318d689b368f7ef584c87b7157336", size = 19001 } wheels = [ - { url = "https://files.pythonhosted.org/packages/4e/e8/9670d42e001ad2577b7526fa1cb400328c4b3851e0b7171875fe43459a4f/pyobjc_framework_DiskArbitration-10.3.1-py2.py3-none-any.whl", hash = "sha256:f0f727435da388efd035bdd510607a5f5769b22be2361afc5b8d4ee081c70cce", size = 4432 }, + { url = "https://files.pythonhosted.org/packages/b0/75/f182ed20fd579f0b8c5414d7cdb0d6834c773ffd70b0d55a76a1b1ec09a8/pyobjc_framework_DiskArbitration-10.3.2-py2.py3-none-any.whl", hash = "sha256:b7524092e8aae06262243523ff9dc7480185d8cbe4d3dd3604bca02a1ad66b7b", size = 4437 }, + { url = "https://files.pythonhosted.org/packages/36/f2/84a21000963c9c09fa0462700b758a8601e36ac127033e1bf4bca190121c/pyobjc_framework_DiskArbitration-10.3.2-py3-none-any.whl", hash = "sha256:4c1e901351ea8e264ab673ff181d4d67cd68b5bdff344353b385b05e084be243", size = 4433 }, ] [[package]] name = "pyobjc-framework-dvdplayback" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/72/b6/7f7d140ce091b9813e11f1b980956e607b552ead399abed5a70662f721c0/pyobjc_framework_dvdplayback-10.3.1.tar.gz", hash = "sha256:1f7c22624dee9b1b54def15f12a3f7cacb28052cd864a845eb24b7f59de12257", size = 53047 } +sdist = { url = "https://files.pythonhosted.org/packages/d9/63/52a3b4c53494cd1ad993b9ceba026cd2f226f45f6c634b429e22b43efaf9/pyobjc_framework_dvdplayback-10.3.2.tar.gz", hash = "sha256:1df1a41cd777559edc585bf097e3ed20a898e3a33f6b2627b6d321fc060ff97c", size = 53372 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b6/32/62882a136a3f17eef51cf81e13d69159e448c51cc9b136cf2b32375426ce/pyobjc_framework_DVDPlayback-10.3.1-py2.py3-none-any.whl", hash = "sha256:c0fb2e96ce4eae8def642f1c4beaec2da3cdf61db1562d4b5199d1334d1a10fe", size = 7836 }, + { url = "https://files.pythonhosted.org/packages/8d/7e/5bfa41e1daae50496682931b31c27f23c13215a3ac4119eaf4b70a3ead7b/pyobjc_framework_DVDPlayback-10.3.2-py2.py3-none-any.whl", hash = "sha256:d79086ae1919582ae7e721b088c4ec55864f045d1be45370d616020cdfbcb5da", size = 7836 }, + { url = "https://files.pythonhosted.org/packages/75/88/b3386af4aebf48d214056a227482cafa6e81714c8d8d63cf1a3be4d2d84f/pyobjc_framework_DVDPlayback-10.3.2-py3-none-any.whl", hash = "sha256:625edd783022f5a1dbe91de6089906115870ddbbba5671fc075e339fabbc123d", size = 7833 }, ] [[package]] name = "pyobjc-framework-eventkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ac/c4/995108bba1fb40eac108501038ae44c57099310982d1a6339b6a5fa47d82/pyobjc_framework_eventkit-10.3.1.tar.gz", hash = "sha256:3eef14ba439be1c5bc47da561ccea3941daba663577efac7a58e3031d27e056b", size = 64043 } +sdist = { url = "https://files.pythonhosted.org/packages/95/34/ae6a87901b93a020dc0b982b5704096fbcfba50840db4666d3a263cd86de/pyobjc_framework_eventkit-10.3.2.tar.gz", hash = "sha256:a31581cde80f03fc40ca8980d160570bcc747fec035311029fb4cddf9b35993a", size = 64364 } wheels = [ - { url = "https://files.pythonhosted.org/packages/29/7f/1edbb57ab0cb591aa924279aabedf3fe508f62de136465adc44d77ab17a9/pyobjc_framework_EventKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:ad9f42431bd058ff72feba3bbce6fbd88b2a278c3b2c1cdb4625ea5f60f1ecda", size = 6413 }, + { url = "https://files.pythonhosted.org/packages/0c/18/aaa0d29a091be2e49ed8ef16e09fbbcbe5a1f01d1281fc58b6fc7dad6329/pyobjc_framework_EventKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:9dcadf1fc7f21d8bf9b81a9226849bd8a11fe0427c0ea39cd98ec5b60a85970c", size = 6412 }, + { url = "https://files.pythonhosted.org/packages/5a/7b/3aa805146f23299092c4acf84cc9eacb7d2970347b9e33d5814dbdbc8c0f/pyobjc_framework_EventKit-10.3.2-py3-none-any.whl", hash = "sha256:f83f3ef7f2067cbc23039077a691fee7c284e38593b0fed0fe4785ed2b7b17b1", size = 6409 }, ] [[package]] name = "pyobjc-framework-exceptionhandling" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/00/88/1328bdac98aa75de421ffea4e16f0b894e39b4ea6569b3a109b531798d20/pyobjc_framework_exceptionhandling-10.3.1.tar.gz", hash = "sha256:ff6208777739f8a886d0cbfe20692b41cc4e5e0607419c47d2c5d405b6b4c6ee", size = 17129 } +sdist = { url = "https://files.pythonhosted.org/packages/44/9d/161094a7d8f39b943db22e11db8b7874b151550b0645668f7b6a33b6d8f2/pyobjc_framework_exceptionhandling-10.3.2.tar.gz", hash = "sha256:e49e05db37d15816699585ca9a0f5fccf37bec3f32cf3446f7595b7475678b90", size = 17521 } wheels = [ - { url = "https://files.pythonhosted.org/packages/90/05/da9e1a8dce6d333d7b9e714c5c228b01b9208b827aaf2862e7c993541eb6/pyobjc_framework_ExceptionHandling-10.3.1-py2.py3-none-any.whl", hash = "sha256:79843a681a1d0f9ee2b7014dcf7e1182c99c83e49cf6cea81df934ebbdf4050b", size = 6670 }, + { url = "https://files.pythonhosted.org/packages/28/46/60da28c48a458598263d0794f7af7b09aea73ea218d81b2fc99b1e2e0bff/pyobjc_framework_ExceptionHandling-10.3.2-py2.py3-none-any.whl", hash = "sha256:3d5cf8243c137bc69c5ae63db8a844d1d61335d82672f462b2fd4d511c80e18c", size = 6674 }, + { url = "https://files.pythonhosted.org/packages/f6/75/56044ce3397e22b5b680fcd0a08e601dfd60cf909ae02fa91f789b9258f6/pyobjc_framework_ExceptionHandling-10.3.2-py3-none-any.whl", hash = "sha256:08d82814c3ce28d836de85fd0bf3c5b354b9b43df09d8c9b47d81f537e3ec8a9", size = 6669 }, ] [[package]] name = "pyobjc-framework-executionpolicy" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/54/8e/e5a3c06123a4ec3b845dac82450f4f1b4e5b80c0863881fb538f900762b0/pyobjc_framework_executionpolicy-10.3.1.tar.gz", hash = "sha256:cc066dc8378fc2a1a4e6129c4d09e2076dc9a5b09925f8dd959aad591cbf9a44", size = 12825 } +sdist = { url = "https://files.pythonhosted.org/packages/71/d8/bb30e70540f1f12b748f3c1c69539d750bcdb0493fbafb2ea5a37052c0fd/pyobjc_framework_executionpolicy-10.3.2.tar.gz", hash = "sha256:736b469e395fef859c1b506ab520e22cdd8937d71026901435fa7b2fcf08b8a4", size = 13158 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/45/559ddb59ce80f07c8c2ed81a3dd2b3ce7eb9399076cb556c8544dd444ead/pyobjc_framework_ExecutionPolicy-10.3.1-py2.py3-none-any.whl", hash = "sha256:f2eb203fa4c7dcf18a0ab3a4a94cb30a9f82cf888c237994dbbdb15adf01c8d2", size = 3343 }, + { url = "https://files.pythonhosted.org/packages/fd/c9/75b81b3b40175e830005eb47ac834c8ec796597b69ae30a046842f2b543d/pyobjc_framework_ExecutionPolicy-10.3.2-py2.py3-none-any.whl", hash = "sha256:509337de7c066c7fbf7f448391f73fb755baab132feee41858a948d59824e076", size = 3346 }, + { url = "https://files.pythonhosted.org/packages/e4/0b/b1f1dbfd9a0c4d9f86f14bdf380917def1910dc547254324ed56b9265899/pyobjc_framework_ExecutionPolicy-10.3.2-py3-none-any.whl", hash = "sha256:8fa8ea42f61deb9be8c71fa54b0121ae25f23996e77d29e29764b76fdbce4b05", size = 3340 }, ] [[package]] name = "pyobjc-framework-extensionkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e7/6a/2803c373283c66eb0d38f139aa1bfa7eb9dc909bc470856ae2308f064e39/pyobjc_framework_extensionkit-10.3.1.tar.gz", hash = "sha256:91946030195fa17c5248655b10786ea60b9aee7d83a4627ba56768600b4e7674", size = 17592 } +sdist = { url = "https://files.pythonhosted.org/packages/47/be/25e45cccd58fc61525d1f92684bed8d274a186706f2222144eb6b268c387/pyobjc_framework_extensionkit-10.3.2.tar.gz", hash = "sha256:626ba65aba8ce021c53eb52a3482d1fcb26d54e94d8ffb9b7376d444309e5bb3", size = 18034 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f1/a0/927202bf17e502e9e5e44821666e21158d6f251bd770d8478148ad66b0da/pyobjc_framework_ExtensionKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e2b54a5b32c959fc1500936b73c7ebd6d7ffcad23d74b9a6ff3db4ea5660f731", size = 7953 }, - { url = "https://files.pythonhosted.org/packages/2a/af/5db1176b6ddf9319054cff45550a32d60a6339918cc1f9e5c65717624c54/pyobjc_framework_ExtensionKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:f5b1e9c7e3a64224acae7b4c2d26d2a654edc54382e9e88aa3b056f4033508f8", size = 8010 }, - { url = "https://files.pythonhosted.org/packages/0b/43/bf841d52b0da616d850821e28a299fe87fa0e50a45796be6994251801539/pyobjc_framework_ExtensionKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:62bc537cbeabb24667434c82515827e64c31d761bdcd02cc3ea6bb6a9a35873e", size = 5736 }, - { url = "https://files.pythonhosted.org/packages/83/1b/113201c23f9c9fc562b456362340669eb6744eb38081df093f6a9a7095dc/pyobjc_framework_ExtensionKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:c66797352b71a944810447c81133935656d8ea9bb847775a1532cf06d8deb1d3", size = 8286 }, + { url = "https://files.pythonhosted.org/packages/9a/da/730f2beda6d1055fafe7c585934980b77fa72654e19a0a79b58170e2b57f/pyobjc_framework_ExtensionKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:2e9c5435c26386ba723c877ff27a768ea064ae82be74ab0504a8bfd468aba494", size = 8096 }, + { url = "https://files.pythonhosted.org/packages/2a/97/f603f26eea364f087b07360e490d66c26e1523b2914149c36a458923e1e0/pyobjc_framework_ExtensionKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f5146745dce217fae8cd7d78488fe64fff0b615d35fe62f13ca3b39a2a433188", size = 7892 }, + { url = "https://files.pythonhosted.org/packages/c0/16/97725ca9725a8094d67860c7cf63a20350491e38e0c718479fa88d53c11e/pyobjc_framework_ExtensionKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ed7144c2cb1a2038385174f40eaab143d2f8c4dcb858d538bf454b0668338106", size = 7866 }, + { url = "https://files.pythonhosted.org/packages/a6/72/ffff99e8ece0e86ef632a29b52c26ef8ab0ea1747918558675905bd3ee05/pyobjc_framework_ExtensionKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:058cc769a3dc0abca97f3bc2da4138a4a94ac4a58b1cb598f4c41daf7a3d059d", size = 5641 }, + { url = "https://files.pythonhosted.org/packages/36/85/ed3035f98962dbc39bfb7025c2c1733199984394306aef489f47b14635ca/pyobjc_framework_ExtensionKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:05896938ed222d658a8e21a9b0880876c54eb2e06e5103e0c9aeee0417abd89a", size = 8226 }, ] [[package]] name = "pyobjc-framework-externalaccessory" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/db/51/61ed6de7d4950f3810e0b5f95cad1a225a1fff8eef13223ebcbc659a4888/pyobjc_framework_externalaccessory-10.3.1.tar.gz", hash = "sha256:3ba1a7242448126b4af0fb93963790d0066766bcba2770d935111093e87b7b83", size = 20735 } +sdist = { url = "https://files.pythonhosted.org/packages/21/96/6c4dcab9a457bcbd38401e6d081867f46a07e0fcadfc6cbd05d9a9ffac97/pyobjc_framework_externalaccessory-10.3.2.tar.gz", hash = "sha256:abd334e5da791409378fed7e09b0f488a7e55eb5740d279f0c7f85984c74add4", size = 21090 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d1/52/4606f684f4ab1708c5506813aadad620563cbf3dac16e40ef55e0febc511/pyobjc_framework_ExternalAccessory-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4395607570f1dd91abd786422fc516f83b4b2a5185321e6581d33dbe74a52c63", size = 8945 }, - { url = "https://files.pythonhosted.org/packages/d8/b2/81b6d4046e658fc1da5d041d7303cc6a0c1b336c30b29de84260b10c7472/pyobjc_framework_ExternalAccessory-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3fcdbb2338e7bd0fb66e9074dc95f2f989146ae92c66eb4282cfc1a6533cbe6c", size = 9006 }, - { url = "https://files.pythonhosted.org/packages/34/66/d51429f2071419e064b5c31e903074116c59f8617977b3f9a5c06c1fe36d/pyobjc_framework_ExternalAccessory-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b076ba07c84b1f4ef9a8a1aa095b66416119b1484b5111b2dd3041f2d301d1a1", size = 6537 }, - { url = "https://files.pythonhosted.org/packages/05/e2/d43cf99a6aed9de76c41bdc8f99ac39ba6926a39b01ae778bae844fabb3a/pyobjc_framework_ExternalAccessory-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:4771cddfed6422502831a9bf88fa572918d1ca71a3e34e068f442d1197630267", size = 9334 }, + { url = "https://files.pythonhosted.org/packages/1c/b3/d37d690c02ad389253ab41b27cc9274abfbf9b35ceb71d073ad9d150785f/pyobjc_framework_ExternalAccessory-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:be63579105cd7204df4cdfa96fa9fa2d3d8b15b209627fd3e6f34a28084fd518", size = 9072 }, + { url = "https://files.pythonhosted.org/packages/e7/f0/e3af41a9df33c8a2e76ecb24b0df50fcddbabb15e0431a56e07927403f6e/pyobjc_framework_ExternalAccessory-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:045735ec21ecc1fb922aee7add867e7abb8f9412cd1fc62b48df8e553957f7f9", size = 8853 }, + { url = "https://files.pythonhosted.org/packages/26/09/b81692b1b382ea2e97030f9843bb26cf9bf47cd65084c1dc65471a40e003/pyobjc_framework_ExternalAccessory-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:5bae8cc178eee73a4a03239f0d328a44f6f97665f815861e71afad5e63deb04c", size = 8817 }, + { url = "https://files.pythonhosted.org/packages/bb/71/269296e1656d5c5bac038cc5d90bf186a28ba96efb5c728a847bb97e7d1e/pyobjc_framework_ExternalAccessory-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7fccd659b8962fd7bd9d419dad75e13ef3c45a9e9fa7fb17c2088901731d0641", size = 6427 }, + { url = "https://files.pythonhosted.org/packages/08/cf/b262dd1c8a464f5a5a1759217ce49a7516121eb6943654159b8c16bb74fc/pyobjc_framework_ExternalAccessory-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:9cb0e33d4ef5389991dd19466ea1ef56576b8dffb8af74a5317702f19e6d6106", size = 9246 }, ] [[package]] name = "pyobjc-framework-fileprovider" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2e/69/c4ebc6738e8a3f5e0c9394791434813fa2656dbe2356fdf4c611a57e7391/pyobjc_framework_fileprovider-10.3.1.tar.gz", hash = "sha256:63a4160e6cbede0f682145f4303ed889bd9f3c9fccfecdc32636a8d95aeceeab", size = 63649 } +sdist = { url = "https://files.pythonhosted.org/packages/5f/14/b7ccfbce5457b5d86d61b0dcf0fb6a56c5421ddc0a6e17b4b16d0402d621/pyobjc_framework_fileprovider-10.3.2.tar.gz", hash = "sha256:b671131fa42d4e58f661362ef32e996de2f9a09a1ca20218983d7334efc39242", size = 63933 } wheels = [ - { url = "https://files.pythonhosted.org/packages/73/e8/a29e9a06bc7f015045bd61e441accef1c04aa1c87524d50b369010466403/pyobjc_framework_FileProvider-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:36f66bbd308fdf80d8fe21b89212af4b89bc80dff8cee5f785d5a6fcce942bec", size = 18164 }, - { url = "https://files.pythonhosted.org/packages/00/39/5e4358e76d1285607166b623a8e0222b75e1560142907b8ff18b4ba9b0f2/pyobjc_framework_FileProvider-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:b44bcbf3d826fd8a0cbc53142c65655433d553205fb36811486757e2089e6c5f", size = 18163 }, - { url = "https://files.pythonhosted.org/packages/d2/87/3925b479aac490f3e96c5d56da813bfddcb75dca5597526d958eb0b3484b/pyobjc_framework_FileProvider-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:b28294768dc71190019c2b2638e27b7ebf6edb65a90721b86613083bd86f6b2d", size = 18140 }, - { url = "https://files.pythonhosted.org/packages/89/bc/4465ba82721da0718c0555cdc74bb777ac40eaf5b49e97248530fca2fc62/pyobjc_framework_FileProvider-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:bb07a0b7e259030c7bc034c590c77a22e44427320c99bf74e5348551fe0da011", size = 18108 }, + { url = "https://files.pythonhosted.org/packages/a8/9f/d482b104ca950813744d6c77817db6b988f48fd43dcd4052542f632edbd8/pyobjc_framework_FileProvider-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:b489fa1c766b526e4c43bdb53dd08255a92af88b502392555d7e293ac0769ddf", size = 17712 }, + { url = "https://files.pythonhosted.org/packages/94/0b/a81ecfac3d6fe75865594071f96b394849b7bc10c726d10ea9b3cd2a4dbd/pyobjc_framework_FileProvider-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:765d03584ccb85fae5c5df6e87cb2485a35d178c330f5021958b4b0165c044d0", size = 17714 }, + { url = "https://files.pythonhosted.org/packages/df/81/93c7971de7f325e57a3a0884207debfef01bd717385811ff576a5fe7d86c/pyobjc_framework_FileProvider-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:b20703765fbf72351de76a9f4727b28293d70893cc0324b9e1c98de881075854", size = 17690 }, + { url = "https://files.pythonhosted.org/packages/f4/88/33f82a95a0afc5249d1771ba70857efae45ffddcaab6d075cd02d8cc9414/pyobjc_framework_FileProvider-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:c59023936ff0d7212344b501e520df670f24b24e3e6f3f4f0f1a0e2506e67838", size = 17693 }, + { url = "https://files.pythonhosted.org/packages/b6/1a/755ac2a9460b44537136f984de32386ff7ebc3b9d1249c68764e7e2a67bb/pyobjc_framework_FileProvider-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:fb18e9fa74b65833f06005d7d3ce7559ec9eb64383b574733be5b0f70c3a8061", size = 17915 }, ] [[package]] name = "pyobjc-framework-fileproviderui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-fileprovider" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bf/5c/b130db2b86ff41da6422cd9ed54959202052c0b7401992b467c6cc29ec16/pyobjc_framework_fileproviderui-10.3.1.tar.gz", hash = "sha256:2a3f3b9b81aff216df76bc72c8e8730d7ba7f3b2412720f68b722bae58f82797", size = 12546 } +sdist = { url = "https://files.pythonhosted.org/packages/23/30/e2b049d329cce54157faa5a5f6f4b3ae3cffe39cd600e3df254320ad2611/pyobjc_framework_fileproviderui-10.3.2.tar.gz", hash = "sha256:0a62ebbf3ae3b9f73f4a36c511f3c143d2cdb657030366c04e7bec1ad27066ce", size = 12868 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ea/f2/1ddd3a5866a596daa4def91c3cb6e07f0a395232e49865f4e16c6929fb95/pyobjc_framework_FileProviderUI-10.3.1-py2.py3-none-any.whl", hash = "sha256:14be680a7fc78def5174ec5a6d890d407678cff723d6b359bba66bc0a78bd31a", size = 3317 }, + { url = "https://files.pythonhosted.org/packages/71/be/a7d992c7d3a8ab638c807fdcc6bca719796f0a1c2c6d1f31c06c4e07eeb9/pyobjc_framework_FileProviderUI-10.3.2-py2.py3-none-any.whl", hash = "sha256:c97456b4bccd0a9d2de5539dad0cf99013d64e77ee9bdea6eec17b803c6515ae", size = 3322 }, + { url = "https://files.pythonhosted.org/packages/80/fd/b8a5fe26a04704ff099c7fc8b54defe7e78272467361dceb05166d2e9ed5/pyobjc_framework_FileProviderUI-10.3.2-py3-none-any.whl", hash = "sha256:27553165ac3f8ee4a348602f691fdeb27f2322d2792dd3bd51a988243077d877", size = 3317 }, ] [[package]] name = "pyobjc-framework-findersync" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/67/70/0a2d490c88541912cab2d245093460190ddeed3bcde9faa3bc5e987c2247/pyobjc_framework_findersync-10.3.1.tar.gz", hash = "sha256:b4a08e0a87c54f62623038de1929fab018fe44fca5372a455bb524b9f90e9196", size = 14228 } +sdist = { url = "https://files.pythonhosted.org/packages/92/27/d505d5a508bacb971eb4ec4196372f9a9f286ce319bff1d24296feeadd58/pyobjc_framework_findersync-10.3.2.tar.gz", hash = "sha256:a5ab6ac34ea2c9184111b33b5248009f8a86a994c6d813e2bfd00cc20863046e", size = 14563 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ba/b5/bd7cd2bb1ac4c13da19309ce5db976f5b533ab8ec44744ec15963de7b131/pyobjc_framework_FinderSync-10.3.1-py2.py3-none-any.whl", hash = "sha256:d4778de8a9b386c16812d470d1ad44d7370970d1dbc75d8bea390d4f5cd12be4", size = 4478 }, + { url = "https://files.pythonhosted.org/packages/0c/e7/1599de82a5da5257eefda6c5174985686c6d8e9472a6287e07666a3e2aba/pyobjc_framework_FinderSync-10.3.2-py2.py3-none-any.whl", hash = "sha256:6217be137f38e225ce10d6b12eced87ffaee0e63e70d80dffd86cdf78932232a", size = 4482 }, + { url = "https://files.pythonhosted.org/packages/21/0a/3283b6028259954a8b5313e71d89ec4ceb54cca1f2eb9e7c7bfe1fe71388/pyobjc_framework_FinderSync-10.3.2-py3-none-any.whl", hash = "sha256:74061ba4fd76a84530ad5150a7bd141a198fc67cbde77a09e011af0415cc6d83", size = 4476 }, ] [[package]] name = "pyobjc-framework-fsevents" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a6/fe/53eb4883293b4920544570feb1d8290e937df706ee063a26061f3aebfa72/pyobjc_framework_fsevents-10.3.1.tar.gz", hash = "sha256:6269fd8aa3f62d8a6312e316043aca6d7d792812bff09b617bbd6ca9f0f6e440", size = 27274 } +sdist = { url = "https://files.pythonhosted.org/packages/97/70/a37b1b8397bb3e23a8c15c78209f998d0294311a70b81104a5f22cbe9b26/pyobjc_framework_fsevents-10.3.2.tar.gz", hash = "sha256:fb215032d65aa39eb5af1b6481f605e71afa77f881b37ba804af77bf24d2fde3", size = 27720 } wheels = [ - { url = "https://files.pythonhosted.org/packages/38/29/84087044fbc34b60920cb921c03b69033d73ef713b98df05f35fcbef4b57/pyobjc_framework_FSEvents-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:7348e1aa268819b005e1ab648b5bac348052d3513aacf768c2c3999d6ffbf81e", size = 13056 }, - { url = "https://files.pythonhosted.org/packages/76/2c/1624ca745f6aad9fe1a1784487a1354a2324a7fdc262f8fca44fcf7498c2/pyobjc_framework_FSEvents-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:420736c645e15006c1ed962767bfd164b1d5dba7d9dc3cd9730e4c9922b05c27", size = 13138 }, - { url = "https://files.pythonhosted.org/packages/a6/93/79ee931a931f94a30f636c896cce6eaa11c754c4e3d9e7eda3af54844b6e/pyobjc_framework_FSEvents-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:56b48def729acaa0b7c27335a40519ca7d17e6d45649ba68e0f9f1c70e902994", size = 8872 }, - { url = "https://files.pythonhosted.org/packages/b9/32/7d7b848cb444737bc87d86f38a1eadf52907e4525506b3e72d4dd9ebb944/pyobjc_framework_FSEvents-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:282ebeeba0190524fe1d5d21d729ebcb7034e379a8039a6ccdf5f5c6e4470e02", size = 12989 }, + { url = "https://files.pythonhosted.org/packages/c8/a9/5d37b56d89a2d4faf712e0f7dcfb1f6b938e0b5a263a6395261084fb2dac/pyobjc_framework_FSEvents-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:bca48481c75c6b95b792a3a5d06338b6a82d6e6f52fc83d30d0ba150f3695fd5", size = 13287 }, + { url = "https://files.pythonhosted.org/packages/d0/99/628dc96c74256d5663aef13a133ab4ac8c01cf6fac306ad7721bf63e8d16/pyobjc_framework_FSEvents-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:a26f3f4f390584a55de16a2441fd7444de60ad677549c05a7c83c25498712564", size = 12944 }, + { url = "https://files.pythonhosted.org/packages/25/63/f6cc9bcd34428084384f2ef8df96622128684a2f4015a5c73ecfda5a68c9/pyobjc_framework_FSEvents-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:a13389f7ac8dfe177c045c069dc224129f6f9b6871aa7892a4a1bc164fba99c1", size = 12938 }, + { url = "https://files.pythonhosted.org/packages/9c/2c/1b705962aba38e701c3c8af1a870ebe09b796808203a396e630d0a696bf9/pyobjc_framework_FSEvents-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:aa2ea7bed475e69b3b1ec745e65bbaa4afd480cdef80600591f97a0bd1bece06", size = 8773 }, + { url = "https://files.pythonhosted.org/packages/88/f0/a0ce3245a2e5505bacfbc079e45d9068485b7a9ac8a6fdd8f13ed633dce0/pyobjc_framework_FSEvents-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:5cbb808069ca184b7d75cc5cee2e18b1152d89b47f60a6be3aeaa918e03144f0", size = 12915 }, ] [[package]] name = "pyobjc-framework-gamecenter" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/46/2f/82cea539bd5a3c764c7acb065face9d1176011f58643323fde30f05997cd/pyobjc_framework_gamecenter-10.3.1.tar.gz", hash = "sha256:221ae88ee69816b95861b1a0dc781c1c17775d38fcf0388327620535479b6a07", size = 30111 } +sdist = { url = "https://files.pythonhosted.org/packages/61/e2/aa9d68a95afae2740b2b5af02bf4cdde11788c6e294cc2fdbcaed86723bb/pyobjc_framework_gamecenter-10.3.2.tar.gz", hash = "sha256:f641026c98c11e0c6d81cea0abdf1b113499e61327da63dc783c94f7ec4c460a", size = 30461 } wheels = [ - { url = "https://files.pythonhosted.org/packages/c0/0c/4d598091446f6df9b425b3c9d754d29a69b14a7662a3b19e3c47e482b23c/pyobjc_framework_GameCenter-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:eba1058859fb30bef8227ce649dcf7531545aeff81c3cfd3e3b80ef8fe87bf70", size = 19192 }, - { url = "https://files.pythonhosted.org/packages/40/26/47ed05bc86f1fb24ce9261facfe23d6ea264d7af93a22ab6d831dfce6560/pyobjc_framework_GameCenter-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3329261e8a6a3b0df3abd4a7a3cc66cc8e47be919279a08249e08f94a0e4448f", size = 19226 }, - { url = "https://files.pythonhosted.org/packages/68/05/19df2f01e4d31f752c47ae667a1a9302b3fac7db9d126d35788c2a4fac62/pyobjc_framework_GameCenter-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:d2420c7d28f9eab337955a1872179295ba92e3d8db0e5b1b8d40442e7079d711", size = 12705 }, - { url = "https://files.pythonhosted.org/packages/e1/39/b6c69bacd37b96143b7dd61be6bde201a7a5058ee085166cd42600927009/pyobjc_framework_GameCenter-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:6bd556e798cf52b94434c48cabf299060dd79b668f0021826995ceee520db8af", size = 19224 }, + { url = "https://files.pythonhosted.org/packages/3a/40/fdaf37f63c1d4719079dc185f452af56de5e880f181935b23ebe1ddf308d/pyobjc_framework_GameCenter-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f553e66164860e876701b1d70f5c16f27b0c511f2cf6d099534c05c6c5da42f3", size = 18931 }, + { url = "https://files.pythonhosted.org/packages/a7/4c/85429e3ad1e69f440b90454186ad1051199f42852bcea145931f4b6c09e7/pyobjc_framework_GameCenter-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:30bb9ec68e800fe65f9515e3b6b1e4a276e96ca5839aeed63833a87b488cf3fb", size = 18630 }, + { url = "https://files.pythonhosted.org/packages/5d/d4/e7f2cd9561cabf0824c3c2311ca39e18da4599b654581a8b52c084145358/pyobjc_framework_GameCenter-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9bcc5822e39b589329f4f9be7992d0a9a5c01296f50602005ec60ad602704c07", size = 18618 }, + { url = "https://files.pythonhosted.org/packages/8a/44/db3a72bf187cf492047c88efeb720effa1421278e3c62a77d46346230232/pyobjc_framework_GameCenter-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:32c945732db707946fd7f6e2cfef131c707bf541c7980090963ede4fb0ed732a", size = 12386 }, + { url = "https://files.pythonhosted.org/packages/41/08/1dcf28bd3bab56237b13d250c07bc9e6addefb9140446f836952d5dab0ac/pyobjc_framework_GameCenter-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b2b9e4ebf571c49e7f945404d3b269fbee307dba62f13155a828ae8ed5e0fa37", size = 18666 }, ] [[package]] name = "pyobjc-framework-gamecontroller" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/49/6e/1ee46fe9870ce020529ce883c04291a7c7f43adad2b6fbc9b0c44d2549c0/pyobjc_framework_gamecontroller-10.3.1.tar.gz", hash = "sha256:f9f252b5fed5de2a8c7fdd2e302b6ed6e0b82015d7da75b28984c5ea5909345e", size = 94100 } +sdist = { url = "https://files.pythonhosted.org/packages/47/e8/909649206c4781bebe19f20d76287c473418b39ff501c161586ad37e16d2/pyobjc_framework_gamecontroller-10.3.2.tar.gz", hash = "sha256:57225d1a760315bc3f11828780076dc1b12a470b52bde2b7a20f45d6556e5e4a", size = 94410 } wheels = [ - { url = "https://files.pythonhosted.org/packages/dc/8c/d307f5ce6d03f552f66fb178d8da11bee59b410ff58538a5a4801195d606/pyobjc_framework_GameController-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:cfb754d29660e90f295ba443cc84fb189e5ca9d1f019c35a382cb24dd4e08bf8", size = 20409 }, - { url = "https://files.pythonhosted.org/packages/21/77/279da82f58d551fde28594a26180245b373a52c8b77fb0430e8099e69575/pyobjc_framework_GameController-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:a7a1e34a4ebcf9f653bc4a066b7d08d9124d462bc7e1c434ead983a6ae093382", size = 20424 }, - { url = "https://files.pythonhosted.org/packages/00/ea/8298cf9776d26890e97b7718517e4313acabea2a574f3bd0e655dce74dba/pyobjc_framework_GameController-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:a23bb9c97063fb334990cac20dcab1389942495cb028350a232faebb804d73c2", size = 14112 }, - { url = "https://files.pythonhosted.org/packages/ab/62/278908b0a50d654222ea699fcb95f9d8830627b6eee029fd0a0b576ccd6b/pyobjc_framework_GameController-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:e90afaa5a5d28771e60b4f60ff89b80037d4e9e558d680872810216299aea1a8", size = 20487 }, + { url = "https://files.pythonhosted.org/packages/bf/d7/1f6defd25504052f58437eff291e21133fee47a8d9c426f332acf33731b8/pyobjc_framework_GameController-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:7447a070b4c174bdc9fd659be4cc006942aa5dc543b1ad894c53eb9bc6dea852", size = 20182 }, + { url = "https://files.pythonhosted.org/packages/84/4d/764bded9655619f761c28785cadf503820b7a403c1244dc110353257a3ab/pyobjc_framework_GameController-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:33ace4bf412413713db81c366ab27f98cda99cbfac3c83aa83eef55eba6fdf8c", size = 19907 }, + { url = "https://files.pythonhosted.org/packages/7d/8e/61bdced3b5fe4bc3416e7bccd2a6d2a9cd941879b2a6f3a9c85493754c33/pyobjc_framework_GameController-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3deda3a4c7228c02bc2d875c5ae3c820231212771a552798813a1016d92645c9", size = 19935 }, + { url = "https://files.pythonhosted.org/packages/74/26/303f7c466c6ab5b1b1ebaae8cc5b8223a4116386e5fdb217ac38c30cdb53/pyobjc_framework_GameController-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b75dcca0145a6c3cb88f04f574c30dffee1cb4392ce1bfdfd37726ee91e49afa", size = 13814 }, + { url = "https://files.pythonhosted.org/packages/ac/ba/cfe3174d61a9729116244ea2e8c190eb88e9aae8a7a04476fae78c2424b5/pyobjc_framework_GameController-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:5e372336e1f0aea1c34b7e745f9d263dd578348d23086076fb8d7e9f7d83d469", size = 19967 }, ] [[package]] name = "pyobjc-framework-gamekit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/84/aa/897e74e41c80f0eaec994c4b0852e680e5eb22868d3a4681b46f06cf4032/pyobjc_framework_gamekit-10.3.1.tar.gz", hash = "sha256:7d21a8f45c32ac94ce0e70b6c6fe72928fe75cb1a6bd6d7715e2bf39b291b70b", size = 137591 } +sdist = { url = "https://files.pythonhosted.org/packages/b1/ca/a3229141293e5128e5968428d34c5d2071e7eaf111b1d648dddb1b6d10e8/pyobjc_framework_gamekit-10.3.2.tar.gz", hash = "sha256:a1df3c59cdae5693a29d81057853b053871196197b56bce05d98dc84b233e0e4", size = 137941 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1a/b0/c0818f700b2df034e2b3b43643e7c73dbba3c72e1ce0a1494753d8591847/pyobjc_framework_GameKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:57930e2b65296719b2998c9816ab844983460f3358c57a120f09ebe78013b64c", size = 22352 }, - { url = "https://files.pythonhosted.org/packages/8e/93/cd9ad8514ec750da969eefc1466ce0d43b14fd4c51bf10daf5d5396513df/pyobjc_framework_GameKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:5634ac5f8b3569355f4fe8b2e6a06450d8aee555119607f7d738f5c85900c1b6", size = 22385 }, - { url = "https://files.pythonhosted.org/packages/02/0a/9a4459f0feb2b8dc9ae8408f47121efeb263e5d90ed73772691055795c4d/pyobjc_framework_GameKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:83f689c959cdfaa311f6702d9e99402faf47e390334fb3880d255dc72e2d2a90", size = 15690 }, - { url = "https://files.pythonhosted.org/packages/53/e5/39cd4287f4d49114328c931fbf04b5870e7e6178eef4eec0d54a76813b7b/pyobjc_framework_GameKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:c861e575ed4543241adbc53162fb651395ba73c68a697f4b5aceaa61754e19c1", size = 22392 }, + { url = "https://files.pythonhosted.org/packages/ab/a9/4cb9f7459bcab09c9eca43a397218af3c89708aa18cd5063f49e12121361/pyobjc_framework_GameKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:572bbce91649276f7791ddacacb4a27536023abbe59f129a035fbb8b69d637d5", size = 22081 }, + { url = "https://files.pythonhosted.org/packages/f6/df/143d5a6f6bca2c125e1d79896a71b883afed08849c80bf6f2999c5ba1adb/pyobjc_framework_GameKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:557cea3328545f5d2a23535f0919d5b9c6e3c5c45f6043708ca7daaa57c8e2fa", size = 21780 }, + { url = "https://files.pythonhosted.org/packages/df/cc/8986bd7108ce8878ccb1ec8d81d6114db62081bb3c66180ba45b549bcecb/pyobjc_framework_GameKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:6eca13802c6d5543b52237030f6442f443cfdadfafcd7a47cea4a0fd5b6b758a", size = 21768 }, + { url = "https://files.pythonhosted.org/packages/4f/c4/64996d76a6c311d5501439688f28643b1365d4b1a2f06bafb2251076895c/pyobjc_framework_GameKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b960c6c2e3a225386229a65885bca06d42e77a33a13f82e16ae82c53560fe015", size = 15360 }, + { url = "https://files.pythonhosted.org/packages/af/dd/1c7da1376a2b5d1d381a5dea90174c9cae7c91c3c6b949f24bb6eb5e1d90/pyobjc_framework_GameKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:f225c51e9a4a8c583093cae8c243f1f3fddad04ad6bfb7ff6b930ac34e864124", size = 21797 }, ] [[package]] name = "pyobjc-framework-gameplaykit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-spritekit" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/02/df/3a6e19a496dec873d26f255458a3e557f6e3aa004f04ca83f9de4e85e9e8/pyobjc_framework_gameplaykit-10.3.1.tar.gz", hash = "sha256:2035b81f7bc34b93636753cc3f9b06cd08171afc5c95bb2327a82fd3195f3c36", size = 55768 } +sdist = { url = "https://files.pythonhosted.org/packages/64/0b/e0f9e58ff69017b9b2bd17ef682672f63013670bb2c01b310fd74c2eb0ba/pyobjc_framework_gameplaykit-10.3.2.tar.gz", hash = "sha256:399a7ab7b47203f4506f98b6c121e6faa5bf7e77c154af6e6e486359f201a818", size = 56131 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1a/7a/d9ed333da4ec5a6dfeb2ec4634aaeb37208e71eb58475dcc15508d39233d/pyobjc_framework_GameplayKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:cb54cfc4dbc69f1888c59ddce9da97ddc03f5003794fe47d56942a89c478e138", size = 13800 }, - { url = "https://files.pythonhosted.org/packages/c6/09/ab7746307ba028d8921022d0d54950e3c232fa01003f31bb7ee392b1873f/pyobjc_framework_GameplayKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:eb49a732c82b17ff66f6e878b2cb9ba27e2222be303a337f2af4ed1a34a404bf", size = 13848 }, - { url = "https://files.pythonhosted.org/packages/4f/50/d0ee718890009926586a5f3d3df538cbaa594573660268c20eb777110509/pyobjc_framework_GameplayKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:8a0c2148e9b421922accfe565a398effe9622653c71d0bb4eb1b69ac90ee257f", size = 9859 }, - { url = "https://files.pythonhosted.org/packages/85/f2/78fc1e58328b9890355716b38c2cdfd11ec9d130f90a5be2ef68eb8d78b1/pyobjc_framework_GameplayKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:628406ca0d0ce283cc0735a4e532dd04a3a4d57a4c22c3ee4338ba64d1b13790", size = 13711 }, + { url = "https://files.pythonhosted.org/packages/c4/28/c60a37ed72fdec1a03d5abb1cbd1bed4306d6f92eed44f6d7753555fe5fb/pyobjc_framework_GameplayKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:c3ed4a732b24051ebfc4c33e6aaec8d146bac5ab8845f09c2a970154fb2d58f3", size = 13793 }, + { url = "https://files.pythonhosted.org/packages/d8/98/69a46de78c3dd7a8d05ade778cc3ca7c458fc847261729a009e670816990/pyobjc_framework_GameplayKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:9c5350e8a7277363abf4bcfee70ab389523af8f4fa41b522c7c0abe35668516e", size = 13557 }, + { url = "https://files.pythonhosted.org/packages/00/48/352d1c67f99dab6775aa181bf2a0523cc4a902123e36293ef2702d0adfa8/pyobjc_framework_GameplayKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:53772a09189f7b5d3506481511ae0b865243aa9c88876d54295434fdd4de1c58", size = 13515 }, + { url = "https://files.pythonhosted.org/packages/11/d0/7a6fb3ea86f7d8b93b7a88e2c0e80b3bbb480fd4a5993b451cdccb17110a/pyobjc_framework_GameplayKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ebf76c5fa9fbd7ae49faa4d1065c8c79446171bafe61bb7a6d05ba7351899c1e", size = 9670 }, + { url = "https://files.pythonhosted.org/packages/2f/ef/e638a59543054e279399acc0726abe37d00f7d5de61a3ee0c1ab6ec8c9b5/pyobjc_framework_GameplayKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:64e461bb2af457ae224998e2ae6c84ed5f604ca5377d88a9ae58c7a7baa8b5ad", size = 13479 }, ] [[package]] name = "pyobjc-framework-healthkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/c0/68/fdda86963c5b3f86941623176acc2d7df03183ea9d3bbfff9088283d2bd2/pyobjc_framework_healthkit-10.3.1.tar.gz", hash = "sha256:45622fedb42bbd95dcc096248bbc41dacd857d9db120ff7310f74f3bad4b23e1", size = 113769 } +sdist = { url = "https://files.pythonhosted.org/packages/e3/76/0bec0e66cd86756dfe28be0cd66f2b4a43fac0a83f46a9c067c738018c10/pyobjc_framework_healthkit-10.3.2.tar.gz", hash = "sha256:01a575de6fdeb38e98f8e04c720c5e1edc4e90ed3ef3b36e991dd18f8b37e83a", size = 114164 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a6/b7/532df1501af543fa78383d440818c07badf6911931da7b79da5fc33ed590/pyobjc_framework_HealthKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:80aee8bf0e7af6e434e9023c2d2050c2a2fe8e53abbf0e1f2285a932836fdd17", size = 18910 }, - { url = "https://files.pythonhosted.org/packages/f9/d5/33b2e71ac4089a96031da4e079c79545d09b2acfa720987ee08d34f73e4f/pyobjc_framework_HealthKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ac9abec44c02edfe7f2151f529bac1c9544fb99ee1caffff55b331281b374463", size = 18964 }, - { url = "https://files.pythonhosted.org/packages/fd/99/8ed9d4ef41c1be5a3807b9bcd97abe4e1e152d587478e07a9dbcf2f3dd51/pyobjc_framework_HealthKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b64d4e61a8009a0a5586d464b591186570f654b20937f78941875ef3b7865505", size = 16426 }, - { url = "https://files.pythonhosted.org/packages/a4/3b/4b52e663b5243eb62cb836300d5b6e2c425f4b027a0b31133d10093449d7/pyobjc_framework_HealthKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:5bfcaac3a3947d070611d1fed1abe8858e049ef0ab1050f46974a7333b6369f6", size = 19429 }, + { url = "https://files.pythonhosted.org/packages/a6/23/0315059c707ad084dd6d9a18ddd5663f32e5a3acfb2ead7d3e6c76bc1f14/pyobjc_framework_HealthKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:8f88cceb5211e936329a4a893c5e93cb69263630374282f3910297af4c4ddcb8", size = 19025 }, + { url = "https://files.pythonhosted.org/packages/76/79/42e6d9bd6e120c049c8edbddfba2859ee041d40247b3dbd2e12b8796d22d/pyobjc_framework_HealthKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:0a4bdc0467da93d0cff1d7ea17e4f85e02acd572eb5a8924f6e618749624036d", size = 18813 }, + { url = "https://files.pythonhosted.org/packages/da/28/b41f919873b05a161e3c3b11e33ba5de3d538423e7a355739b195605b6bb/pyobjc_framework_HealthKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b7c2674b08681ac3fc53955fc600df32bb13b1b5ab21fcfe613b06e43b6ab636", size = 18783 }, + { url = "https://files.pythonhosted.org/packages/88/79/44505350f4c2d577c43189370cc647fdad88aef6cb4feb00ba113e52f902/pyobjc_framework_HealthKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:183c145021effd1ee5ff61922113ab35423c2157d4964579cd7620a154642dbc", size = 16317 }, + { url = "https://files.pythonhosted.org/packages/97/df/13f5101d91aed72e0db65277062120a82af7f9f18128f925a4246cedac35/pyobjc_framework_HealthKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:c9571199e699d1f752bf5c0fa2e0993f962efa629923ef0cfb34f0326fd60cae", size = 19347 }, ] [[package]] name = "pyobjc-framework-imagecapturecore" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2f/32/36b2b34e2ae902552854c1e5d24cb4d587875f4400791a30740213f57178/pyobjc_framework_imagecapturecore-10.3.1.tar.gz", hash = "sha256:9ce83c38b8ccee6b022faadb9cd7b8716119092cd41b6c2cabce3670101119bf", size = 81896 } +sdist = { url = "https://files.pythonhosted.org/packages/76/6b/f0fdad6e56b28723a1136ae282ef2252b483d15aeebb8ae8deb1e062e0c8/pyobjc_framework_imagecapturecore-10.3.2.tar.gz", hash = "sha256:ed62f815a124e2a7560356b370ccf36eb422d211fe187ef720eb7651a9a16469", size = 82245 } wheels = [ - { url = "https://files.pythonhosted.org/packages/3b/2e/416250b77c56389059d9456a214d7c9e64c64e2f25d22d3f30a29dd4f327/pyobjc_framework_ImageCaptureCore-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:649e0b7bf428ad3fe90faaf63dbd09d234563a32b3cee5a6f2d28ab31927bd54", size = 16958 }, - { url = "https://files.pythonhosted.org/packages/62/cc/4e3a24a111197c29c863432ed5d5eb80a347f8e63a035e45d8d4691f6692/pyobjc_framework_ImageCaptureCore-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:5bab844c665b3ac07b191e94130f543eb23c5cfd014035f025efacb7a48aa68c", size = 17018 }, - { url = "https://files.pythonhosted.org/packages/59/50/f6b84e10e09ea683bfb1cfa2ef0e7fdec983697178cd6d156bff9d6f6554/pyobjc_framework_ImageCaptureCore-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:0fd14f9183c1fcee67cf09f36ccbe156186da84a83419917fd3ca81a5de23d97", size = 12770 }, - { url = "https://files.pythonhosted.org/packages/bf/b5/2d667e372f66db8af3a8dd9d3afcc2907f78bff44deeef7b38245348c374/pyobjc_framework_ImageCaptureCore-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d625d84094f51dd4389d1dea7c53480c3311dd19447d96b3c9eb06be5a935fd6", size = 16880 }, + { url = "https://files.pythonhosted.org/packages/b4/12/1fab86ad8f8c3c7732eec9254c1bafe9ebe749aef003977e4c4f832f0de5/pyobjc_framework_ImageCaptureCore-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:6ca99ca3dfc218c23a8d3ca3838ffdfe95703ceaf1c6b4ce7427085233d494b6", size = 17013 }, + { url = "https://files.pythonhosted.org/packages/50/d7/5538683c130edf4ae79eb60d1c78b5d9a601257faf97170ddf25aafe21d7/pyobjc_framework_ImageCaptureCore-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:03f9f57ceaf72423087cb2f619151bd7eca326476038b2161869214e0707b4fc", size = 16784 }, + { url = "https://files.pythonhosted.org/packages/39/0f/b26fa05124d70c49e44947ad215ea73ec060581e3c4997c860599bbb2dfe/pyobjc_framework_ImageCaptureCore-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:2d7a650cf6b779bfddec6c43e1a6ea57fc82d2f50ae1997c2e52a9d3818a6924", size = 16762 }, + { url = "https://files.pythonhosted.org/packages/05/54/282003f227f25ed039ea988528b204672e88d206d40e4ded86ab16e24355/pyobjc_framework_ImageCaptureCore-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:0f65d7e348ebe79bb7a5ff6980777737f2d0dd0d5a87d895ac12cc7834107f7e", size = 12624 }, + { url = "https://files.pythonhosted.org/packages/ca/95/797cee0c1d672cedc6dd8f19001147fcede8b574ea4792b2deb92ea78921/pyobjc_framework_ImageCaptureCore-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:942860c7508ce4564084899e5c331798c965f4b0f49acdf93617d9d2e17c6480", size = 16730 }, ] [[package]] name = "pyobjc-framework-inputmethodkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/3b/1b/28c9e10640e0b73dcd7b4693c9ee1fb5519443bd8fd5debb0066261a0abd/pyobjc_framework_inputmethodkit-10.3.1.tar.gz", hash = "sha256:637ba2da38da5f558443b4529b33bab276380336e977807347ee9dad81d42109", size = 24489 } +sdist = { url = "https://files.pythonhosted.org/packages/da/de/fca23e845f47ff685b9ce2a67f59d9a78eba1617a3718014810be8326ec8/pyobjc_framework_inputmethodkit-10.3.2.tar.gz", hash = "sha256:e722e6658df548183435013c450191d9157f2f97e7b96b9c1d180eb8da8138ec", size = 24867 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/b3/9e04e21ce92cb822dabdd30fda046ac1ba17015cb12e8902bcd4acfd1a93/pyobjc_framework_InputMethodKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d1c3beb88f94eb6b0bdc458ef49f331d064c0260758134cef1cf941684f46c83", size = 9532 }, - { url = "https://files.pythonhosted.org/packages/30/66/7480b6ca7654be7964783a1195b2b928c0cc2b22e34d8f225bcdfe9ee7ad/pyobjc_framework_InputMethodKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:d0f7538ac549b61afc93df895375114464f778e06a66a4c2684cbbf247a8f4c7", size = 9592 }, - { url = "https://files.pythonhosted.org/packages/72/18/c1e5a19310f27df1aa35e5eefb7245f0927bb6663085ffab1a4016ea5294/pyobjc_framework_InputMethodKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7f5ff42a59209f3ede24181e5d1bb8d69f8ad428189f177c1bfd55d328f85575", size = 7461 }, - { url = "https://files.pythonhosted.org/packages/4b/eb/dfc9f160481226e2e46b4d94772aa2063ef87d4431f51fbd0766949951e1/pyobjc_framework_InputMethodKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:3fcd444b97cf2343a6c37b828dcc85080cc6a2c5ba508010dae4ebe836480d2b", size = 9786 }, + { url = "https://files.pythonhosted.org/packages/5c/cf/70c0b638f5b3df515ae6b1cde60391bb2225df33c9ce9abd565b032f6449/pyobjc_framework_InputMethodKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:2da172bbf54ac7d84098feaed2f752698905c126a68d1d90e33d6f3f035838e2", size = 9680 }, + { url = "https://files.pythonhosted.org/packages/9e/63/751da17c97e70bb0b1a1389d05dad75257588a432e1623ffdd3fe55ca099/pyobjc_framework_InputMethodKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:613831ad328f0d7e0642c9a772fb0a6d6ca030704775d930bf8c2115ddfd0c36", size = 9465 }, + { url = "https://files.pythonhosted.org/packages/53/03/fcb730b8444d23886d2c2cc9891b193248b73e4110c2940d1d01693a6ffd/pyobjc_framework_InputMethodKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:70bf8cd079af707996a4425ae399f5851def0270d4047e735d61d024ca9ee80c", size = 9433 }, + { url = "https://files.pythonhosted.org/packages/14/15/31ab3bf7b164a702b0a10aae4be4422530d471bf94e91f5ea082ad00eaad/pyobjc_framework_InputMethodKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:dade51ebd4488dabc1fc1bcba0f04363df0a9300cf1f4d917e61685146c3aa16", size = 7376 }, + { url = "https://files.pythonhosted.org/packages/ff/fb/d98a172e0f4280f89575d86a2f327280fd01e4798758df98ea952437bd7c/pyobjc_framework_InputMethodKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:18d522ab5dba423a300f03276a6a630697580a13df8e46fa277526ea8e01df30", size = 9739 }, ] [[package]] name = "pyobjc-framework-installerplugins" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a2/cd/a9594b8200b1460630d21af18c9fc38741ff748c5457bf5958c5599795c7/pyobjc_framework_installerplugins-10.3.1.tar.gz", hash = "sha256:280808bbce36090b59197756fdb56c19838845a5fc25966a435dbc5fc4ddbbf0", size = 26514 } +sdist = { url = "https://files.pythonhosted.org/packages/0c/f4/dda750337702cee8cca7ca36eb8d4b5464f6dbd5210b9a21620f6cf54117/pyobjc_framework_installerplugins-10.3.2.tar.gz", hash = "sha256:f271955cb92531a4f8be254572e92d3837a34dfa3b0dd582fa37673b788eb70c", size = 26832 } wheels = [ - { url = "https://files.pythonhosted.org/packages/52/1a/06a5d257d20dcb64f9f20c4fb7cc518016add734a70c9547676af0d4131b/pyobjc_framework_InstallerPlugins-10.3.1-py2.py3-none-any.whl", hash = "sha256:2b32cde6fb8bbb3e1ffd04d7acbe3132291ad5937fc7af5820062e8aece7b5cc", size = 4392 }, + { url = "https://files.pythonhosted.org/packages/bb/e2/6f5132317b151c25bdf125e836c06f425579d94ea0c5486e5005fad8ab2a/pyobjc_framework_InstallerPlugins-10.3.2-py2.py3-none-any.whl", hash = "sha256:1a5d3d3b72a44ffa6f83edc4bf32df209aa36d4af4994a242ea1b4b28507f6d0", size = 4394 }, + { url = "https://files.pythonhosted.org/packages/84/65/2994eb72b7a9cfaf6e7d7f33fe13d804d43818cfc9c5a5c7ed89d9ef61e0/pyobjc_framework_InstallerPlugins-10.3.2-py3-none-any.whl", hash = "sha256:177634f052a13a0fa453cdf293012b8b6dd60b01fc418e98b45b3b7a38413929", size = 4390 }, ] [[package]] name = "pyobjc-framework-instantmessage" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/c7/fc/51a0707b48507ca4963333452fd17119cc325bbbefdac460bd960f6a935e/pyobjc_framework_instantmessage-10.3.1.tar.gz", hash = "sha256:bb1560a2f92a2def179b6381c17d406331b7818fa0fd1ba98f09ed94415f8a7b", size = 32767 } +sdist = { url = "https://files.pythonhosted.org/packages/df/79/d2d1b92734c3225c67341908e07dea47217260ed1c00456999826731d57e/pyobjc_framework_instantmessage-10.3.2.tar.gz", hash = "sha256:cc32e911c0d7574a48a0b2b1e298e979ea1396ddfac71cc3cef63d5ef8affd9e", size = 33093 } wheels = [ - { url = "https://files.pythonhosted.org/packages/0d/04/089eee187804a418167d901c38cc4bb7cfb7045b53756fe3404011161a5a/pyobjc_framework_InstantMessage-10.3.1-py2.py3-none-any.whl", hash = "sha256:51a096e55a423423dbfbf19cc976a49915987ce68b9038f8ce3db9c3cde11718", size = 5016 }, + { url = "https://files.pythonhosted.org/packages/f2/52/9832fc3dcb701e0388afcd43e4dfe801824ed69c797c1d0401d70a1465d8/pyobjc_framework_InstantMessage-10.3.2-py2.py3-none-any.whl", hash = "sha256:ced4abd3e1c9bdafade9d3020130c9c4ea73141f97150583ac1f5945e3aa320c", size = 5018 }, + { url = "https://files.pythonhosted.org/packages/69/65/81bc3a377f52e47708c7eeaab29d92d97d8b61f67fd2c02a08bb2370d853/pyobjc_framework_InstantMessage-10.3.2-py3-none-any.whl", hash = "sha256:3886994feea5374b443ae7c73e2ab6c6f3bce43212fa8eeb71bb4dc1cd7fc788", size = 5013 }, ] [[package]] name = "pyobjc-framework-intents" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/64/dc/120a1891de4ea2c4c5fa382100ac9706dda75a64dd6185367ddc8d89710e/pyobjc_framework_intents-10.3.1.tar.gz", hash = "sha256:89f0ed49c515b75c8811d9f6771ac635e799dfaf11921172729f8e0857c8c0e9", size = 361884 } +sdist = { url = "https://files.pythonhosted.org/packages/6b/fb/5e69eb244560faaf7ff992b0ee8645467f16af4377d16a92246d76ae863c/pyobjc_framework_intents-10.3.2.tar.gz", hash = "sha256:24c080176487bb957ea06599e62eaa8f728d690362a2cc6efd1335abb30c1f1c", size = 362250 } wheels = [ - { url = "https://files.pythonhosted.org/packages/82/32/4050983e2d7a6d7ecb5eefd49e76f173b293862b27ae5e8850aa1c8d6fd1/pyobjc_framework_Intents-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4d5a899e8cffd63096aec69edafac78e76d591afd07059a96377d6893ba56649", size = 32440 }, - { url = "https://files.pythonhosted.org/packages/49/30/71306e19f0f52658474a6325387b384459137b4a5ea302f41d7eafa7f508/pyobjc_framework_Intents-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b6da33ba8a1e6ae169eb67c1c83bf4e0aeb365fb368162ba002ef26cdc9f853f", size = 32474 }, - { url = "https://files.pythonhosted.org/packages/53/17/ad5540101c620f98bffe55969861b64a65bf87f6269702be5345dc9c733c/pyobjc_framework_Intents-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:332e5b74dceb8315e289d462058b9ec65544562936098b50b8003999954032b6", size = 26862 }, - { url = "https://files.pythonhosted.org/packages/60/b2/a58d92da0d457754ead621108cca76c7157a9dba94449850389bac10a226/pyobjc_framework_Intents-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:6e77fea5fc4136888459c8ece7d48fe3eac3a37c665e9ba8aaeb18c1671eb083", size = 32464 }, + { url = "https://files.pythonhosted.org/packages/1f/81/36813b62b9bad6dd30def45d483795a8d304970d8c81c5d05547ffbf01ad/pyobjc_framework_Intents-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:baf09181dfd6bd655f4a7413d936fbf240471f50304e0b20f236503e3a51e08d", size = 32268 }, + { url = "https://files.pythonhosted.org/packages/ab/b5/957cf266b119eccd739410734c8080f9f1b5747cd9533834fa0adb65d29e/pyobjc_framework_Intents-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:2beca607ebc1abf9d538ff6909e7182ef11eeb0f3dcd2584f1f5d3a35f21cc6b", size = 31999 }, + { url = "https://files.pythonhosted.org/packages/37/6b/45a8afe6c2694c298d3939943a69705e470ab9bfbbb34503ab74089caa91/pyobjc_framework_Intents-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:6f0ee2a16c31272f7d7f2cf5dd04906b1adf21879379bcbe52d32f52e3890c42", size = 31975 }, + { url = "https://files.pythonhosted.org/packages/36/3a/22be0b88625d3510e0bf048bc3246e9263f6d1c9e538441a499473611b29/pyobjc_framework_Intents-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7787df975d41234b65be7de4377dd5f1405970e1751382e6e5aeffde96067985", size = 26546 }, + { url = "https://files.pythonhosted.org/packages/2b/08/22df757a7b90ac042f2598ddba6d22b89406eb0adf4296401967c38d3439/pyobjc_framework_Intents-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:57c220d23498b81ae0eb470316505770b9bf7aaf64f6a9c0333f3760646dc95c", size = 32016 }, ] [[package]] name = "pyobjc-framework-intentsui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-intents" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/df/51/3cff5de2db25fb516eba66480e90ceea293fc12d715d51a16ebb242c0893/pyobjc_framework_intentsui-10.3.1.tar.gz", hash = "sha256:68f42cabbd36889060d07b21f156f1dae78243d42b34c652448c687d07cbca62", size = 18822 } +sdist = { url = "https://files.pythonhosted.org/packages/d6/96/460efe35ca330ef828a364ea0b8ba5efd1eedc3f2ec3d029fd955716a99d/pyobjc_framework_intentsui-10.3.2.tar.gz", hash = "sha256:e2192a7d1858b1a510b5acefe44f9ff8df89a2c7b65868366bb15befb76804dc", size = 19163 } wheels = [ - { url = "https://files.pythonhosted.org/packages/9f/be/189fdcd1465848672d20b230a4e287fa0af701ae4762ee302ca707c1c25f/pyobjc_framework_IntentsUI-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:23a606af7ea47bd899012b896e0b2d10c677f7facec80197ab45a3bcf899874b", size = 9606 }, - { url = "https://files.pythonhosted.org/packages/8a/ed/adbe8714da27be1056a936e51cfbba36bed6046ba1fedc3f54b006f7f0cf/pyobjc_framework_IntentsUI-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:bd2fed37c96f1d97abcbd6d98b2da90ba2c744f968e2c4e0735dce77bbbc95f4", size = 9607 }, - { url = "https://files.pythonhosted.org/packages/6b/fc/97bf965283261206b971f329a7d02180cdf14ad5a30d5cae2f9962b0153a/pyobjc_framework_IntentsUI-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:e9fe0ba78c9dd500ef9c13227dd1a60e39df460c84180d8325f5022edd80178b", size = 9642 }, - { url = "https://files.pythonhosted.org/packages/ce/23/d23acf3e451bc64d40d2b7cf0e03620399a3540c74b16e8d5b6a191cfbd2/pyobjc_framework_IntentsUI-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:6c124ceb8e7b7a1f3fb6c2c159e47f9dca42ece6e1645d763235660ea98e7915", size = 9591 }, + { url = "https://files.pythonhosted.org/packages/90/d7/4c7d9f7446c0432125a93bbde4eed56bb23de79546418c89792dcf1c7e93/pyobjc_framework_IntentsUI-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:56ea72e6b4b049c48ea8043248cd19c32816d26ba9a8b0a4e940d0d3491782ad", size = 8847 }, + { url = "https://files.pythonhosted.org/packages/58/da/916cf9f3928f293324317a4c28b4f8c0a8f8be8b5eb7ca54bac1294eedea/pyobjc_framework_IntentsUI-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3ef19904246ffca3c544298807a0deb08aa0f5a345feb00ce56cb20c86aa689f", size = 8847 }, + { url = "https://files.pythonhosted.org/packages/0d/ba/768b2e190b80fe01ea2f23460c86f5fad40d6728f8439f71afeae91e6b98/pyobjc_framework_IntentsUI-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:80cb30a9ca34916e80b729c01519603e14141087d7733730b23f8bcc085d0a4c", size = 9410 }, + { url = "https://files.pythonhosted.org/packages/cf/11/dce7fcd1c1c246ac47955c4a1f7b74f27a4ede2ed466dd5b35470cf1f51d/pyobjc_framework_IntentsUI-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:dd524135c2c2695e3455ac5aba5d66f95a47a9207e7e7712bcedfef04def4a30", size = 9413 }, + { url = "https://files.pythonhosted.org/packages/28/b7/4771de486397ed779eadd8954637f4b4924cb3555b092090915ef49141b3/pyobjc_framework_IntentsUI-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:abbaf203f8ceb00563bc0aaa4facde633ba0bb982bc58f22adb603b69af3d5dd", size = 9617 }, ] [[package]] name = "pyobjc-framework-iobluetooth" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e9/98/b6aade04f7e07de0e81f0312c19bbd21ea61986ab8158a0986aec6c5efd5/pyobjc_framework_iobluetooth-10.3.1.tar.gz", hash = "sha256:bca424889d7fdd5bcb728d312e91ee681e73c0c2ac16ba37068603d699043d39", size = 226060 } +sdist = { url = "https://files.pythonhosted.org/packages/7e/91/c57034bf6ccfbc7716141dd9e0d863a46e595322257085e1a69f310086ec/pyobjc_framework_iobluetooth-10.3.2.tar.gz", hash = "sha256:aa8e054cec1066513c4c130ff5d08a1ac020b62ae23fab1d94cbf29ca69e3374", size = 226443 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a6/4f/d75da040aca8563c56e2a7b5322ee236e2bfdb71181f761e846a5b759c88/pyobjc_framework_IOBluetooth-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:cdd8bd3da07c6935657bbcf47e6fc6b3b7a2ed9bd7e8ef83bbbd5f4a0e8884f3", size = 41473 }, - { url = "https://files.pythonhosted.org/packages/31/0e/bede89b5275ad1af549f86de3ec9395d01b1bb6db5592e2c4d69fa242776/pyobjc_framework_IOBluetooth-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:d5c7ca666050b63c5dd87ede54beebdba7fc12a60bd754d77155da9f7e60618c", size = 41527 }, - { url = "https://files.pythonhosted.org/packages/7a/9c/c8dad67d2d990fffb9ae1adb8452147076e2d1d2405634e319e6757a97b2/pyobjc_framework_IOBluetooth-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9f90d8ea40f770b41ad97e17e19ad10e49daa1684f750e681db42707dbec9768", size = 36977 }, - { url = "https://files.pythonhosted.org/packages/82/c9/4c7bf05da12c96657b51568be9177cf6a50b9ce0aa852d016f5d24fed68c/pyobjc_framework_IOBluetooth-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:17303009a3c1ac48eaaa2c3a96a114ef47adcb1fffbf965e7538447bb02adde1", size = 41421 }, + { url = "https://files.pythonhosted.org/packages/5d/33/bc130bb796e43ffef820592fca61fb0c86270accb424b39cdb7c4f6e6aae/pyobjc_framework_IOBluetooth-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:5155decb9ab23b1b69b8f16cc778bd47804f29da099cd971e7b3d3eefd2ee885", size = 41417 }, + { url = "https://files.pythonhosted.org/packages/0b/d1/fd07294cc4adffe2d89c09f19813865f32d2bc9de5f2a8a81bb29bf094c1/pyobjc_framework_IOBluetooth-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:19fffb89a5d39c16a10bb515be35326e1cf82d9ed8ddc3654e2a61c482ed4d41", size = 41170 }, + { url = "https://files.pythonhosted.org/packages/99/99/a605146198c6e0bcc55be57234b9673776e8a2f3b8e7575ab501e816eb1f/pyobjc_framework_IOBluetooth-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:14899a6d717969243a56005b5ce64de758999a81bbc3728b51630d9831b6c458", size = 41141 }, + { url = "https://files.pythonhosted.org/packages/ea/ed/68b32c452a6b63d4c3d25dc065b8d995b910b11084e60e26fdfee0b14b69/pyobjc_framework_IOBluetooth-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7712af50d602d05a9f0f82c246207ceb9da3b1ad0479254cc3b2e6a4002f3e83", size = 36763 }, + { url = "https://files.pythonhosted.org/packages/91/ea/22427661fd0b13d94d245a5f3ec296988babd7038c30e5a71f5ddaee9415/pyobjc_framework_IOBluetooth-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:c53c5a0b169e6d6815a496f1d6e35c76d7d165d067328abda9fef6214b2674c4", size = 41127 }, ] [[package]] name = "pyobjc-framework-iobluetoothui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-iobluetooth" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d4/e2/3793269efe06505b1b4224ea395912c697896054bdc0bddcc3889796ceac/pyobjc_framework_iobluetoothui-10.3.1.tar.gz", hash = "sha256:6db82aeb360641b878f8ed73c2074db0425664d9411317b2e01962e0929fa29c", size = 19226 } +sdist = { url = "https://files.pythonhosted.org/packages/50/ab/f171f336c7ed09f8e3ff1f8a74cac297046fa7feade6cc32a2848d99cbd5/pyobjc_framework_iobluetoothui-10.3.2.tar.gz", hash = "sha256:00093d69bf0eded017848908b96055648e61de115a270b9c61c06ab77c612c62", size = 19545 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d2/b4/47b9746727a7a199d674bb864525016bf2d22aae7e58021e96cbeb70c048/pyobjc_framework_IOBluetoothUI-10.3.1-py2.py3-none-any.whl", hash = "sha256:ae283c3fecbeb99adba9b3c3d5d06caaad741da726fc7a1dd50ecc0376e03ae8", size = 3653 }, + { url = "https://files.pythonhosted.org/packages/9a/e2/4bf252c66402db1f89a4cae75ff5d2586c021db6bf3dd389a458870c3d86/pyobjc_framework_IOBluetoothUI-10.3.2-py2.py3-none-any.whl", hash = "sha256:5cad8e43694656b62b9fabdf8d41132090cfc36d1f2cf0656a0cc3506263d16c", size = 3659 }, + { url = "https://files.pythonhosted.org/packages/46/b2/30d1606c02cb80496aac802ef7251c31b1c08d369e6c5f3fa8078b1df712/pyobjc_framework_IOBluetoothUI-10.3.2-py3-none-any.whl", hash = "sha256:3c0ed4a3b3672331aafb5eff95f36e526c88a4429804d5e15b6af5afaab0305b", size = 3653 }, ] [[package]] name = "pyobjc-framework-iosurface" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b1/45/8cc7def9b73ec0c3423b7c4878ee3e02fd27e72085574f4c5b7b284bebc5/pyobjc_framework_iosurface-10.3.1.tar.gz", hash = "sha256:94e4a109a94f0e365bd60ce68aab6ff166fef6f30a40f7682c76902f5fc3aa34", size = 19262 } +sdist = { url = "https://files.pythonhosted.org/packages/97/93/4d67e85a15a23158e52ea7360731f228f151f4472797306944c4592be627/pyobjc_framework_iosurface-10.3.2.tar.gz", hash = "sha256:f308cc99c91ec4f7e3c3472a7a8396d842536881472beeff34f32e85dd0772d7", size = 19661 } wheels = [ - { url = "https://files.pythonhosted.org/packages/36/2d/c2519d5d8e78d60245d7336d2f44a48041b5ffee9b8f2bac9f5672033e6d/pyobjc_framework_IOSurface-10.3.1-py2.py3-none-any.whl", hash = "sha256:4171a33a09ee006ad28ba29e6d12cee821e2c0ba09b4beddae8db16580fb9bc7", size = 4572 }, + { url = "https://files.pythonhosted.org/packages/e6/84/eec56559bf22009492efd8439cedf48041c03ee24ca6c7df2ac07ef59961/pyobjc_framework_IOSurface-10.3.2-py2.py3-none-any.whl", hash = "sha256:261778a5f28750ed878a0ce9e386748f196d1544ff116056edbb64c51c301b95", size = 4580 }, + { url = "https://files.pythonhosted.org/packages/4f/2b/abfedadcb93c297c3b8d3497e7501661d764be62e5d78cfc634dbeb3560f/pyobjc_framework_IOSurface-10.3.2-py3-none-any.whl", hash = "sha256:4b913aca8b1e2e35d0263684faea7e39327e825c65ce746ef37f95d958be0f73", size = 4574 }, ] [[package]] name = "pyobjc-framework-ituneslibrary" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/53/a8/63766d37cc93e2a92a53bb3b5dc769fed0ac27509bfb251cb94878792432/pyobjc_framework_ituneslibrary-10.3.1.tar.gz", hash = "sha256:3899f8555ae02f6441a711892cdc6537404215b3d5f8a7ea4594f7460c58c9b2", size = 40017 } +sdist = { url = "https://files.pythonhosted.org/packages/12/49/7fd55a0b5f9772f73e7aff273b9dab999843559b2bdd4b2683cc90137938/pyobjc_framework_ituneslibrary-10.3.2.tar.gz", hash = "sha256:a8b8fb857ae428677e30c90c24264c69070c9eaae90c58ec40dddc5cac6c2069", size = 40393 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f0/c7/05cf8de68b85c574cf5929a4771cbdbd4ae2448d3381d4ef7f5066e510fe/pyobjc_framework_iTunesLibrary-10.3.1-py2.py3-none-any.whl", hash = "sha256:9485e986f6075d04e10c196e5dc36e4c3b60116a45849683a61c876e5fb45fde", size = 4821 }, + { url = "https://files.pythonhosted.org/packages/7e/1e/01131fc0e23b7b77ce05ea87060806795d44de7b8338e2850c6057d99e56/pyobjc_framework_iTunesLibrary-10.3.2-py2.py3-none-any.whl", hash = "sha256:ed4a2185662bb99cad5b83236f94c3a146c0ba3cb30d904bf19272e3748bdcbf", size = 4823 }, + { url = "https://files.pythonhosted.org/packages/4a/3b/5de7e6f3943d1b4f3d74f0bbcc5c0d86d2a95f4163e214ce1c44c66a84b4/pyobjc_framework_iTunesLibrary-10.3.2-py3-none-any.whl", hash = "sha256:a596908e42e6c5f001b3fd259900935e07869dd5d2715c7126743426c8993c75", size = 4818 }, ] [[package]] name = "pyobjc-framework-kernelmanagement" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2a/b2/0c894451b949023e00b76e17e46ce65dfa30e5005c5500958d6f90a20fcd/pyobjc_framework_kernelmanagement-10.3.1.tar.gz", hash = "sha256:04c41bc0d0ce014318acf9e333aba302092d2698ec408cbf0b022f3a507ecfa1", size = 11933 } +sdist = { url = "https://files.pythonhosted.org/packages/f7/1a/7ecb8bc2bc0bba690bb85279fbee52162f810816e92b54ec60b96efd5ebb/pyobjc_framework_kernelmanagement-10.3.2.tar.gz", hash = "sha256:c4220bc64bddccdbb57c1040c16f6e04d4eccc1c48df86c66e255236698b5b1a", size = 12262 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d6/75/140a6075df7c97c4e70014e696066d5b077d4116b9228287d87f63f1c1ca/pyobjc_framework_KernelManagement-10.3.1-py2.py3-none-any.whl", hash = "sha256:e07134bf3815370d3d9c37f9813edec12758f86fdbbbc67036ab72e8b767ddee", size = 3279 }, + { url = "https://files.pythonhosted.org/packages/c0/9e/5feae936bb4bf122940b7465662716cb4c936d3a87cbf994e16f652625f6/pyobjc_framework_KernelManagement-10.3.2-py2.py3-none-any.whl", hash = "sha256:eecdb649c96004ccfabb3a51393505a412fbd6e09a6d6ad7fad8cfd016c3c16f", size = 3279 }, + { url = "https://files.pythonhosted.org/packages/cd/c7/0855f2cbc06af2cdf10706bb7826e71def86c3bb8456c950cdc5559769d5/pyobjc_framework_KernelManagement-10.3.2-py3-none-any.whl", hash = "sha256:4f07160a18129c099080d64cf2373817cf0e5b6458b82a6d29bcd04dabbb64ea", size = 3274 }, ] [[package]] name = "pyobjc-framework-latentsemanticmapping" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/6e/17/435b483033f21fa1d95132e93c0cedbf93567f00e6ffb579989e0c070f9c/pyobjc_framework_latentsemanticmapping-10.3.1.tar.gz", hash = "sha256:0bca94fd00f59f49874c8266bfacb09a7c56ad13b4d405c241421cef201f8943", size = 16630 } +sdist = { url = "https://files.pythonhosted.org/packages/f0/a4/34ff1d3358ab11d98a81a306d478a8530014af18f125f172de00d150055c/pyobjc_framework_latentsemanticmapping-10.3.2.tar.gz", hash = "sha256:477e25832c19e269c969dd25e3c9a7659b237b80ab130f1e4b7f0b98fda9f0a8", size = 16958 } wheels = [ - { url = "https://files.pythonhosted.org/packages/8c/ee/af2199401d4a6ce71b195338a2fa63bba0d33d9402622146906b741ec601/pyobjc_framework_LatentSemanticMapping-10.3.1-py2.py3-none-any.whl", hash = "sha256:c80c709b983273c8f29e86a04c52e98e8e6b0e723a400f7d6036fcabfd850367", size = 5035 }, + { url = "https://files.pythonhosted.org/packages/19/20/4f5878cd2b09373dbee188b3b972a3751c26236e88ace92b64eec911172a/pyobjc_framework_LatentSemanticMapping-10.3.2-py2.py3-none-any.whl", hash = "sha256:1a39c9dd7c1f202a202387e5a7dd760585bb4011f1dd84f55bf129758b832681", size = 5038 }, + { url = "https://files.pythonhosted.org/packages/e4/b7/35f723760b7aade349cbde003e10ee8c6d90e160eb6ad60a4c46309a94d4/pyobjc_framework_LatentSemanticMapping-10.3.2-py3-none-any.whl", hash = "sha256:4e2402d16c208563a9ee6c7c76b87d24d5cf6cceab41733b3e547ea4a1b28a81", size = 5034 }, ] [[package]] name = "pyobjc-framework-launchservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-coreservices" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/34/dd/53ff73cc0fbf1ad21d3acdd387830f793541dd023150866853e4f00d8dc1/pyobjc_framework_launchservices-10.3.1.tar.gz", hash = "sha256:7f16af2acabca0c2953eb7333bfe652bf853bb9d9e59b771f9d228468bccdea3", size = 20012 } +sdist = { url = "https://files.pythonhosted.org/packages/fd/21/1d36e3d7461b0521270b06717443c4bec4aaac7cddd17b36427608b6adbe/pyobjc_framework_launchservices-10.3.2.tar.gz", hash = "sha256:8aabb555e93702f43d2d6c5f85c9efa5d1f03b1caeec75a8359ab72f84fb6299", size = 20337 } wheels = [ - { url = "https://files.pythonhosted.org/packages/56/77/848cc9be87327fed05e46a67ffa5abcc0edd5c0777c4b98b6e2e6537882c/pyobjc_framework_LaunchServices-10.3.1-py2.py3-none-any.whl", hash = "sha256:3ce840027b43c4bd95dc31aaa9b4bfff1d431e782669b4c95e2b12d386c05000", size = 3489 }, + { url = "https://files.pythonhosted.org/packages/d8/86/c2c87a92d993a25b97b08b2ff193eece802c63a7485dbcc8167b24d8df5f/pyobjc_framework_LaunchServices-10.3.2-py2.py3-none-any.whl", hash = "sha256:ce0990585e893b13ef77c18335796d48a5f82d468a8c0b0fe713fa69f0283dd7", size = 3490 }, + { url = "https://files.pythonhosted.org/packages/f7/eb/b8bed6f66a7358a281b7ca8e9c381dd2116b80adc5e463af7233c382502c/pyobjc_framework_LaunchServices-10.3.2-py3-none-any.whl", hash = "sha256:614351778550c62c06f11534084096ae706e71f2700d159db3e7bdae08470488", size = 3485 }, ] [[package]] name = "pyobjc-framework-libdispatch" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b7/37/1a7d9e5a04ab42aa8186f3493478c055601503ac7f8d58b8501d23db8b21/pyobjc_framework_libdispatch-10.3.1.tar.gz", hash = "sha256:f5c3475498cb32f54d75e21952670e4a32c8517fb2db2e90869f634edc942446", size = 44771 } +sdist = { url = "https://files.pythonhosted.org/packages/4d/12/a908f3f94952c8c9e3d6e6bd425613a79692e7d400557ede047992439edc/pyobjc_framework_libdispatch-10.3.2.tar.gz", hash = "sha256:e9f4311fbf8df602852557a98d2a64f37a9d363acf4d75634120251bbc7b7304", size = 45132 } wheels = [ - { url = "https://files.pythonhosted.org/packages/40/e8/daa42227ff9c90d9bd37386cc9f6e3565fe88cd5dc18823dc3070b39c14d/pyobjc_framework_libdispatch-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:5543aea8acd53fb02bcf962b003a2a9c2bdacf28dc290c31a3d2de7543ef8392", size = 20493 }, - { url = "https://files.pythonhosted.org/packages/5b/8b/44d0a44bfb68ead2481f95516f1d791e6e72667a9514c36d8d7df87a58bc/pyobjc_framework_libdispatch-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3e0db3138aae333f0b87b42586bc016430a76638af169aab9cef6afee4e5f887", size = 20491 }, - { url = "https://files.pythonhosted.org/packages/40/1c/4d16cbe1d41462184e908d757537349cebddc7444950ea24dfbaf2a957ca/pyobjc_framework_libdispatch-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:b209dbc9338cd87e053ede4d782b8c445bcc0b9a3d0365a6ffa1f9cd5143c301", size = 20542 }, - { url = "https://files.pythonhosted.org/packages/fa/36/c95b42c290d41687c2f01599feff82f4b6f9774006c4dd051f5d6a9949fe/pyobjc_framework_libdispatch-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a74e62314376dc2d34bc5d4a86cedaf5795786178ebccd0553c58e8fa73400a3", size = 15643 }, + { url = "https://files.pythonhosted.org/packages/1f/0e/2d948a0708a8f870915a45a8d5808ef08dcf1c1942ffd2f5a52e41e9098c/pyobjc_framework_libdispatch-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:35233a8b1135567c7696087f924e398799467c7f129200b559e8e4fa777af860", size = 20196 }, + { url = "https://files.pythonhosted.org/packages/9f/d9/901df936da47707045924eb231adf374e8ff7553202474df7cfb43d4e1e5/pyobjc_framework_libdispatch-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:061f6aa0f88d11d993e6546ec734303cb8979f40ae0f5cd23541236a6b426abd", size = 20201 }, + { url = "https://files.pythonhosted.org/packages/e0/e9/8e364765ccb1f3c686d922e2512499f2b4e25bfbfa5d73e833478bff88b5/pyobjc_framework_libdispatch-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:6bb528f34538f35e1b79d839dbfc398dd426990e190d9301fe2d811fddc3da62", size = 15572 }, + { url = "https://files.pythonhosted.org/packages/86/cc/ff00f7d2e1774e8bbab4da59793f094bdf97c9f0d178f6ace29a89413082/pyobjc_framework_libdispatch-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:1357729d5fded08fbf746834ebeef27bee07d6acb991f3b8366e8f4319d882c4", size = 15576 }, + { url = "https://files.pythonhosted.org/packages/6b/27/530cd12bdc16938a85436ac5a81dccd85b35bac5e42144e623b69b052b76/pyobjc_framework_libdispatch-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:210398f9e1815ceeff49b578bf51c2d6a4a30d4c33f573da322f3d7da1add121", size = 15854 }, ] [[package]] name = "pyobjc-framework-libxpc" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/8e/9d/8a7eb8d3570f2f41fd265513655fbf28e2ab93155a0053f46277fd61b097/pyobjc_framework_libxpc-10.3.1.tar.gz", hash = "sha256:b3c9e9fd281b5610e3bef486e91570b0afa8ab8eb0c01c0baa5e2ec49ccb7329", size = 39868 } +sdist = { url = "https://files.pythonhosted.org/packages/5c/fa/0776ec3eef69bb343cd5e3072d87814448fdde98b6a8d1f41ca044b7737c/pyobjc_framework_libxpc-10.3.2.tar.gz", hash = "sha256:c22b7c7de66152643a50b3c10a5899ae44c99b5d6bda7d76c0f7efda0c6ea831", size = 40167 } wheels = [ - { url = "https://files.pythonhosted.org/packages/40/40/43de31e4a25219cf0bb740acc6964657f99f1469f82368ba0bca8e0f955b/pyobjc_framework_libxpc-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:9e287591a708f96e4e3d1929425a50c4e83188eb8bf3094b688de149946ac752", size = 19485 }, - { url = "https://files.pythonhosted.org/packages/14/58/70effee80f0f0f840b6e6639252cdc749a4f7ee043d2ad66528ce354b507/pyobjc_framework_libxpc-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:e0afba29b6bf5c3de3ef51f60e06c026ab7be7ce44600047dece5d3bf4e758af", size = 19484 }, - { url = "https://files.pythonhosted.org/packages/2c/5f/bd9bcd9d13a1ccb61c906b68f998556b3319ea83ce722be7ee5559103ce5/pyobjc_framework_libxpc-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:123b72dff148a56d48120448bd9742190326f87661f4ae6f5363e112de0e554f", size = 19582 }, - { url = "https://files.pythonhosted.org/packages/8c/56/ef3ede2cea30acf4b251a5da5a2f32db17486acbf66ab8cfc28ae2a922d5/pyobjc_framework_libxpc-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:72a35a21f4bbbfb4a5c4c23e3180c3273b7720fe4cd150b975cb5d08cbc4fe13", size = 19531 }, + { url = "https://files.pythonhosted.org/packages/7a/c0/673e5afe8c5b7adf0b959f371aaf21fb37ff9a65905d192b33423e0de03e/pyobjc_framework_libxpc-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:568b31cae6a51e4d36edd61446288a5929f6bb504008c5273745ddf0f3517ada", size = 19191 }, + { url = "https://files.pythonhosted.org/packages/9f/12/dcde70a4d57f6616a60c2a4a42ae305497dd121fab23a280c13289d064c5/pyobjc_framework_libxpc-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:d175ac69780cd6ea608a8ad5bba124941a2ae621b8ad4cc0cab655822b97b213", size = 19193 }, + { url = "https://files.pythonhosted.org/packages/6e/81/49c684cba518f3443f29349589b5ce6b30761282030da7e64e992c32edfd/pyobjc_framework_libxpc-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:d6ecfbadd1f55156529d28dc76d54ceb99136b453460cae01c605302d993cc72", size = 19286 }, + { url = "https://files.pythonhosted.org/packages/85/87/fc62bfdc2020d4829de9fd9c8515a7977eb9795ca350b6d6bc0d6499f54c/pyobjc_framework_libxpc-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:fe737fc144853debdd0ecb049b8597915900efe498870e13903d9f6508efc8f8", size = 19293 }, + { url = "https://files.pythonhosted.org/packages/b5/78/cbb589efcea062016aaf389e86ff6edd96da359977220ffadfa85bb96e14/pyobjc_framework_libxpc-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:d773430d3fb66cbf82864dddb625d8e1475fd8650e31971c7c715ef27401ae9a", size = 19854 }, ] [[package]] name = "pyobjc-framework-linkpresentation" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b3/f2/8317cff954187875cc82dd8a08de69adbd1efb48451cd2b6836f347392db/pyobjc_framework_linkpresentation-10.3.1.tar.gz", hash = "sha256:535d452cc33d61074ba9bad7707d6c0a23d474fb045ed4322e5f87bfb0b7e865", size = 14174 } +sdist = { url = "https://files.pythonhosted.org/packages/4d/24/fb62451a1c4846a69a5914e755cab2b35940f631d87c903e32eea4d4a2d1/pyobjc_framework_linkpresentation-10.3.2.tar.gz", hash = "sha256:345761452e2e441fc21c1898a4e14dba26315d2f46a66a876153d46c823f39e6", size = 14524 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a4/6a/6347826cc12c01bfd2f6c804af1d99d4df8cd74440a412562b72cbbd97f5/pyobjc_framework_LinkPresentation-10.3.1-py2.py3-none-any.whl", hash = "sha256:e49ac094eb3a60a87f37edc24657feb051614a4d4464ad2580831288ead521f9", size = 3467 }, + { url = "https://files.pythonhosted.org/packages/2d/1c/da1a1f610489817e1f8675405378cfe1deb3c3592d8ee3d050049c6e12af/pyobjc_framework_LinkPresentation-10.3.2-py2.py3-none-any.whl", hash = "sha256:f0222073074c74a9985b4f655ec1caeb9dde7a62143ea0c0575e2a5640589ee9", size = 3471 }, + { url = "https://files.pythonhosted.org/packages/8c/33/883baef16dbf178a4417f9955031aac12aabd51eb4b3356b62ccb808e3ee/pyobjc_framework_LinkPresentation-10.3.2-py3-none-any.whl", hash = "sha256:6fc65ab6e2bb91f5a17a49f760982d13dea719c8c2702d43be5f3df96adb3795", size = 3465 }, ] [[package]] name = "pyobjc-framework-localauthentication" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-security" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d7/a9/bb2c2c3171a600dad5c7db509cdeef5a1a3cd7a22266a515145ebd5497b0/pyobjc_framework_localauthentication-10.3.1.tar.gz", hash = "sha256:ad85411f1899a2ba89349df6a92db99fcaa80a4232a4934a1a176c60698d46b1", size = 26240 } +sdist = { url = "https://files.pythonhosted.org/packages/90/e0/642b80c3320c654fc57497fe78e423a9c010fe49d6142da807bb774f4365/pyobjc_framework_localauthentication-10.3.2.tar.gz", hash = "sha256:20774489eaa5f5f91f089d801b84e51018e3eaf972e01743997678ad4b65e62c", size = 26544 } wheels = [ - { url = "https://files.pythonhosted.org/packages/98/d5/3d5290b829f1f722b7593e01cc06406d6de404a35d91640241d885e2c01e/pyobjc_framework_LocalAuthentication-10.3.1-py2.py3-none-any.whl", hash = "sha256:565910d7d2075cd53c6d4ffdbb15d9b93267f1b1ba4c502d354778865d0dc2ec", size = 5678 }, + { url = "https://files.pythonhosted.org/packages/2c/df/171015b07cedfcc3d303225afc3bed762106f8e7d2e6b1ecf0e0b68605ef/pyobjc_framework_LocalAuthentication-10.3.2-py2.py3-none-any.whl", hash = "sha256:307d1dc7f361b52a9929ac961c33cfae2536e1eddeff25e2b3a5b996002dd86e", size = 5686 }, + { url = "https://files.pythonhosted.org/packages/fd/b0/b4266a949801275a4d32a9f92d382de4746d9f40b4c0f1190ec6bfa8ae95/pyobjc_framework_LocalAuthentication-10.3.2-py3-none-any.whl", hash = "sha256:fb53b0b7d75cc3a6b580dfc80daa4cf94215b397c420c379239e063e14dbd8a3", size = 5680 }, ] [[package]] name = "pyobjc-framework-localauthenticationembeddedui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-localauthentication" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/00/36/ba89365d6bdbed5db435e0b4e2dc310a977dab5a306453c4f7ef8de745f2/pyobjc_framework_localauthenticationembeddedui-10.3.1.tar.gz", hash = "sha256:f915190f6106b9f9234750abf48f87445c364ccbca8f8dd565bba1b66ddd55a3", size = 13305 } +sdist = { url = "https://files.pythonhosted.org/packages/bb/6b/7e340412752aab504fe1bf51b5bf2063a99dda2f7a28e8f171103be2291c/pyobjc_framework_localauthenticationembeddedui-10.3.2.tar.gz", hash = "sha256:5c4c01c6ccbc042b66d06147f24b6aea8f3f41bfbaefd26f2b441da6a5ee1303", size = 13657 } wheels = [ - { url = "https://files.pythonhosted.org/packages/bd/e5/a393e16847f7605b80c643e961f60bed3c6c3b4758693907cdf88058a9bd/pyobjc_framework_LocalAuthenticationEmbeddedUI-10.3.1-py2.py3-none-any.whl", hash = "sha256:d69ef723f4525e6476e51bd166d56e97c9274500f98aa209a659e7567793dc01", size = 3559 }, + { url = "https://files.pythonhosted.org/packages/90/03/3938cfa6350e70b066a7ba7267e0a5f6c933679ec199f9c10274c5753f84/pyobjc_framework_LocalAuthenticationEmbeddedUI-10.3.2-py2.py3-none-any.whl", hash = "sha256:be046e8a9b0d0145850621c9dab2d264cbc5f79a34d55db8b8c6514135766ba1", size = 3560 }, + { url = "https://files.pythonhosted.org/packages/d7/13/56772c918f3564a749469f83afccc8a33ef385bf79f5f9b25cbc3b0822ae/pyobjc_framework_LocalAuthenticationEmbeddedUI-10.3.2-py3-none-any.whl", hash = "sha256:0bc1a4f2ac2e908e686c1da2965a9ef51f13e95fe8baee84d6d1396ebcdcbd08", size = 3554 }, ] [[package]] name = "pyobjc-framework-mailkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d3/1a/683f99e9af1966de9173c1696946ec52b7d45d346aee8a638d1104eade95/pyobjc_framework_mailkit-10.3.1.tar.gz", hash = "sha256:90ad82786ae01a275aeec842e73b1fef12d9f91a67edcde8ff6a145859dc9f92", size = 26043 } +sdist = { url = "https://files.pythonhosted.org/packages/be/e3/b394d68e0b8db1f9b6b055bc8751433ee09afd3a2d9fe080091bc359fd88/pyobjc_framework_mailkit-10.3.2.tar.gz", hash = "sha256:56bc122e7681ffff1811f596ce665f5d95df7619650710d9385bad9763965406", size = 26357 } wheels = [ - { url = "https://files.pythonhosted.org/packages/21/99/b91c7329119c9ab2397307cb5e37f0e27a8a31fefbf8376cdc1b07b76ba6/pyobjc_framework_MailKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:7c403525e01bed0888946552e512ca4d1b018c3f6ef3d293fff85b90dc02a411", size = 4494 }, + { url = "https://files.pythonhosted.org/packages/a4/c8/7059eeb124d4a8a5dca28ae317e2fc2725a1cb93afa2d1bdb478af3ff24d/pyobjc_framework_MailKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:d0a6961d1adc0cda9c782265157365def72b65cfeb87a6552e2faf26fc42c0a0", size = 4495 }, + { url = "https://files.pythonhosted.org/packages/24/a8/15bb2e288cbb8df76e621305cf63883f3795db0d83046e0c85219a46a2d8/pyobjc_framework_MailKit-10.3.2-py3-none-any.whl", hash = "sha256:b13d4d0bb125e90215d4c933334c07ccd3e8b30ab379510513a42f924e6392fc", size = 4491 }, ] [[package]] name = "pyobjc-framework-mapkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -6068,313 +5473,334 @@ dependencies = [ { name = "pyobjc-framework-corelocation" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/53/f3/1f711e0311ddf3a838d1fe2ec1ab7c52cdb52d4a6144edcd2bd49becbe6c/pyobjc_framework_mapkit-10.3.1.tar.gz", hash = "sha256:f433228c404b9ef4a66e808995daccc1306f7123296317651078a6a734ac1ab0", size = 135465 } +sdist = { url = "https://files.pythonhosted.org/packages/00/a9/7b736ad9922c96183930db3a526dab59ff9e3eab5cd6c652ffed093ce6cb/pyobjc_framework_mapkit-10.3.2.tar.gz", hash = "sha256:7c3e04c4e6f2c85a489c95a8a69c319b135438d3aa38bd43d16bab1d0934978c", size = 135878 } wheels = [ - { url = "https://files.pythonhosted.org/packages/4d/b8/03c9b2de80e18a53df9d0f0881fd08015beb4cdf8e4d28d76f25c6315089/pyobjc_framework_MapKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:cfee94ad82e673eaebc3159732b5cff1fc4f7e3bee6f17cc4fabd641c260b769", size = 22766 }, - { url = "https://files.pythonhosted.org/packages/48/76/e957f714814e21c25b579d4bb98f13b92c8f17f8666f8b4be89705a0a3c0/pyobjc_framework_MapKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:dd65d6eff1397afc0b2108b0e9387a6c2390b1387731a8e0dd8298b8d0641635", size = 22999 }, - { url = "https://files.pythonhosted.org/packages/e0/8d/d1248ff4a2ae562a0b00a19e4b9c1b5077045e7e9b6e7c0e4a45b39605dc/pyobjc_framework_MapKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ffadc4968c3d815dd8ffc2867e962546a8681620c704888dfe1e7aa718cb3d90", size = 16246 }, - { url = "https://files.pythonhosted.org/packages/7c/bc/cb3ccf25e51650bce1a91f680aadf646cf238dbe92a38b73fb5fe17badbe/pyobjc_framework_MapKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:f14f90bcb68baee70a838b3cecb9d909da43175da49cbe90dd6cca57c37a6ae5", size = 22852 }, + { url = "https://files.pythonhosted.org/packages/b7/5c/31095d29d692a667222203e4bfb68233469e4751df32cdd1b96dec5a73ef/pyobjc_framework_MapKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e7cbdee855f6e953a7a9b13dac4ebef6d587132bbda7fab9fa13d4d16c850908", size = 22785 }, + { url = "https://files.pythonhosted.org/packages/77/ea/846f441f5abd61d817f323d1eb007a4a1b708834d46621c7e17ad3641770/pyobjc_framework_MapKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:0d4e1fbc0ef04aeac430ed5ba4abd99a5f36b823b3e3ff6cab138addcd54190c", size = 22555 }, + { url = "https://files.pythonhosted.org/packages/90/9f/cb2b04955ef67dd1fbaa8a7c392aa8a0716f4457178f8a8686e96d04b0f0/pyobjc_framework_MapKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:f2ec324a7704fab6b991e499d35fa6b14b3a4d0d4c970121e8a76c3bda9b7d55", size = 22531 }, + { url = "https://files.pythonhosted.org/packages/09/3b/27254dd26833b04385ba9762861266c388e585baae58a409e839b9f3845f/pyobjc_framework_MapKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:dc5f524853412c06407e9e1ad0e544342c5251d238d9837d465e0cf651930eee", size = 15931 }, + { url = "https://files.pythonhosted.org/packages/a5/db/4ae370ad930ffd1d68f87188e0f2686e5ea03fb010684db1143d308bc0fb/pyobjc_framework_MapKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b8480821f437b5a4de3afe02e37fccd4bc6d185ae6d5c545e127542e0acd18e7", size = 22634 }, ] [[package]] name = "pyobjc-framework-mediaaccessibility" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/c1/d9/e82531ed727311b54bbbeb9da0bec5c098b8cf8017d541fc77175f4bf322/pyobjc_framework_mediaaccessibility-10.3.1.tar.gz", hash = "sha256:c249e1eee636e77b5f00db3bf85174cb3e0cb53ca991a17e53a1f200377f4289", size = 16607 } +sdist = { url = "https://files.pythonhosted.org/packages/d8/ba/1c5df04734fea28cb24b855fe176a80ebcfe55c8541a31c68b45701573be/pyobjc_framework_mediaaccessibility-10.3.2.tar.gz", hash = "sha256:b709ecc94cb2b04e7ab1d4ba5d0654c6fd24fb5c0b977d0a531d258178e409ed", size = 17011 } wheels = [ - { url = "https://files.pythonhosted.org/packages/87/01/0adc256ed71a620be9fd357ac72b51a5b08af175104778201e0873de651f/pyobjc_framework_MediaAccessibility-10.3.1-py2.py3-none-any.whl", hash = "sha256:c4304ea53c7e85320b58d773cce2288f62dcb5b9c5a295be1ecfaa6645a9fea6", size = 4113 }, + { url = "https://files.pythonhosted.org/packages/3d/15/39296c0e64c17d3923d62bdd70cd590862395f3e082baa18de46bdc54601/pyobjc_framework_MediaAccessibility-10.3.2-py2.py3-none-any.whl", hash = "sha256:65ee99905df8be28fef7998e6683811e1c59c1278c49ebd80f9b77fabd6de661", size = 4115 }, + { url = "https://files.pythonhosted.org/packages/89/20/7836c7cffe02256885f9c6d4332f55c05b631c41932bd15cc39eb2c73864/pyobjc_framework_MediaAccessibility-10.3.2-py3-none-any.whl", hash = "sha256:94e633bcc4aea20093f2b5741e70c23288fecfbcd95d359cd63219b106b86b15", size = 4114 }, ] [[package]] name = "pyobjc-framework-medialibrary" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/01/1c/c8355ad906e2051a3d73bef221ce559f417cd58e94dc5af1163bd3669c09/pyobjc_framework_medialibrary-10.3.1.tar.gz", hash = "sha256:703ffd0904fc86d4fbfbbd4952be43e91a6d477c53ce2868e4c18c3eb295f5c6", size = 17661 } +sdist = { url = "https://files.pythonhosted.org/packages/81/98/34bf44d4d2ffe1dbd2641dba92f0ab8f34b172ff07b1e427e15dc7b87fd1/pyobjc_framework_medialibrary-10.3.2.tar.gz", hash = "sha256:b9070f65f93f6b892918021e4655cc1c68ab6757d8554e28bedbc1dceba92276", size = 17990 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d7/f8/d4afc0ccb1506ba85a873a238db934a83c349440f09c64d9ed287d5c5a88/pyobjc_framework_MediaLibrary-10.3.1-py2.py3-none-any.whl", hash = "sha256:25f16d610e3ea5d983175a6c07351596bd5dd2fcca194f1eac5686c670bbdb3b", size = 3974 }, + { url = "https://files.pythonhosted.org/packages/3f/34/a368b7876c6ca25da739c8abc56b94c4242aa02e7ab60c4e5d2deffb2db0/pyobjc_framework_MediaLibrary-10.3.2-py2.py3-none-any.whl", hash = "sha256:37f33b8a1cb3e8b6a2a02edb8cf842fef8d27c65f36fc1702aafa0b611411282", size = 3971 }, + { url = "https://files.pythonhosted.org/packages/78/88/872e020d4a381ea1c521764d68b8caceba1a0ea84be254e70e4a7dfe0fdd/pyobjc_framework_MediaLibrary-10.3.2-py3-none-any.whl", hash = "sha256:76ab6de61de1c4e77976d1e4dfde2f441246d74121fa1de52be08414ce767baa", size = 3966 }, ] [[package]] name = "pyobjc-framework-mediaplayer" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-avfoundation" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/10/00/6d991d13624e8e9288ee289945737bd7e48cce6df7497ee25f2c39c4d173/pyobjc_framework_mediaplayer-10.3.1.tar.gz", hash = "sha256:97043df5ef89d4fbe217813e8f4ee1e226d8a43dee4eac00fff95e6b8a7772be", size = 77337 } +sdist = { url = "https://files.pythonhosted.org/packages/25/e2/d06d712043f5dfe7db4aa69c5fbc922a8e30c8bf6c18070cd819b362c552/pyobjc_framework_mediaplayer-10.3.2.tar.gz", hash = "sha256:b57558c771ec922381333bf05bf642e1420785806c97b10d660bc6eb0740bab4", size = 77668 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b2/40/92912923eabb827ad6d97205d6091575118e312d58efd190766b38bb3b55/pyobjc_framework_MediaPlayer-10.3.1-py2.py3-none-any.whl", hash = "sha256:5b428cc28e57c1778bd431156c3adb948650f7503f266689559d0ece94b34e8a", size = 6548 }, + { url = "https://files.pythonhosted.org/packages/22/ee/0dfc122bd464c96b3fb5217b39fbadd812ed41992c0a920d3079f767b70f/pyobjc_framework_MediaPlayer-10.3.2-py2.py3-none-any.whl", hash = "sha256:6fa3a7edf52d0bf0668d51fbd5603151f39bd8ad7507f14385a92da1076c5aee", size = 6549 }, + { url = "https://files.pythonhosted.org/packages/f2/bf/443307f9fcab42c757ee6ad5128dc6053eda7de55178761ffa42d14b958f/pyobjc_framework_MediaPlayer-10.3.2-py3-none-any.whl", hash = "sha256:1476330e42cb4eb08ceaa20e66d06477b6a2c55897f742002ead6ad9d2fc4f22", size = 6546 }, ] [[package]] name = "pyobjc-framework-mediatoolbox" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a6/8e/a4abb578ad0207ef723fac1255738ea2a3fab3c5b0b0c49a3bb30463257f/pyobjc_framework_mediatoolbox-10.3.1.tar.gz", hash = "sha256:f141056dce0dc16ec21be596fea58acb4a668045f53e12a0f250990d936b44f2", size = 21516 } +sdist = { url = "https://files.pythonhosted.org/packages/30/87/73808a57088e6760d0c9b1be893e1f54947f54094330cfa982fff3613bc0/pyobjc_framework_mediatoolbox-10.3.2.tar.gz", hash = "sha256:0545b375b268594c3e0a63973d6efcce0310b39b316bd0b41fe5d60b3fa0e33d", size = 21849 } wheels = [ - { url = "https://files.pythonhosted.org/packages/60/13/6e20282c95f86912f7883cfba346366eaef41148fd1f3de150bbca72b132/pyobjc_framework_MediaToolbox-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d4ef616e233c40fcac99298ee4ab95a9b6439cffe28e96ce07b66c00f598bd30", size = 13236 }, - { url = "https://files.pythonhosted.org/packages/67/dc/e05fbf599d579a6a77b150ee764bf7d3012bbe02dc386c11e7a45cf08d92/pyobjc_framework_MediaToolbox-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:a8acfa377b593b043e8c9ff1aa6cbbde92b7feaea60578ea2d0b61ac3edd15dc", size = 13297 }, - { url = "https://files.pythonhosted.org/packages/03/02/f0494b7b0556d8090efc19421c640bc8ee624b3638ead8201636c03edeca/pyobjc_framework_MediaToolbox-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:f989f07304dae82b1307e179f185a80b66ed36b0dd15d1b3bf6ec8092b766100", size = 8145 }, - { url = "https://files.pythonhosted.org/packages/54/0d/ba00d64c83e4465f53f36af9e879749a1634b43c2ea0888a6bb7e0ce03a7/pyobjc_framework_MediaToolbox-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:4114fb3749dacf6dd83113823b846e77671c0e8b1209ca6e4402f09e6727c185", size = 13024 }, + { url = "https://files.pythonhosted.org/packages/c3/1f/60339165110fd0db41d9a372c6c9e3920d932dcb7f4351ac0c52b5b44095/pyobjc_framework_MediaToolbox-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:7fda2eba0cb8ab8e22f5a6d81d36c7460e5c418398ca68cecc883fb1958f7277", size = 13713 }, + { url = "https://files.pythonhosted.org/packages/b5/8a/7162b34b000cdf43866c4950785b773905455d1522dc186c118a9ccbfc43/pyobjc_framework_MediaToolbox-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:a8aaa627956b9b504f6674acdfcdf3c80b9fc22decdd9063fcd459386d0a34db", size = 13054 }, + { url = "https://files.pythonhosted.org/packages/29/07/1e1f620c87fa5ea1a714d194762bbb35b1b8d0fd7acf9ae778f3e5f63830/pyobjc_framework_MediaToolbox-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:aed075e22d6a063ba8d679f61d1a7c17a51eaf7b4f31528bfbd86200edb4a3cb", size = 12916 }, + { url = "https://files.pythonhosted.org/packages/86/fc/7e0973dd7d723e6caed0030a616e7f244a4b9a7e801d977571843305c34b/pyobjc_framework_MediaToolbox-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:fc78f2a2a7a1c2d495bc9c69c300a941f70f5452f64acdc756e15c458ee8c76e", size = 8058 }, + { url = "https://files.pythonhosted.org/packages/24/94/130df05de871c29da12d4fc770b6d2298ec3b58b00f971919077db2499ae/pyobjc_framework_MediaToolbox-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:774b284e86ee09f36f7a99a4543db72f56f63c88eae730a086bdf188a9aa716c", size = 12867 }, ] [[package]] name = "pyobjc-framework-metal" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/8c/5e/2df5fdb85a5753ebe6e1a1b1905da565a408a4f090f7c1d89f3a3143d18b/pyobjc_framework_metal-10.3.1.tar.gz", hash = "sha256:495307db0bfd2063f28b7c8fa350af71afcfbf5f5f2186a6a751b4cb2ef46a1a", size = 299751 } +sdist = { url = "https://files.pythonhosted.org/packages/ef/12/a7695cab9ee18c2500ada306b283fc80f6628cb5fc396ee19fcc470bf186/pyobjc_framework_metal-10.3.2.tar.gz", hash = "sha256:59246982eab788b955f6d45dfb8c80e8f97bd1b56e1d678c90e91ad4a9376e35", size = 300113 } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/40/405b6d09b646756b450dfe9b47f9fb4c6a8cfc93dd94bccf2e4469c03ab3/pyobjc_framework_Metal-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4a42f3aa47eb5e0d3f29bf07f239c2ba33725701546ea6d3c5d019133e0fbce1", size = 55675 }, - { url = "https://files.pythonhosted.org/packages/2d/09/3bcf777771e3db8cf692d64395e78555dc158098eb6a49ebf8d55168941b/pyobjc_framework_Metal-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:cc33d05e376d3a2f42da24b397f6353d9cb8e5990c79c9255a82637b7b8f256c", size = 56186 }, - { url = "https://files.pythonhosted.org/packages/09/cd/763b1469d6a33687bae43a489599db7942f2788e1d9a1d499f132dd0a504/pyobjc_framework_Metal-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:22762ba170d0fc4538dd7f582da1fd7673160e369eca74efe3d6d35bfdd50522", size = 38287 }, - { url = "https://files.pythonhosted.org/packages/43/e1/86702984f0f229be8ccc6c3f02f2d3598b67f17e898590ba127229fcbfda/pyobjc_framework_Metal-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:7fef3ebfd6cfbd7cbfe45aaa86dd32034303d933871d8450f4c990dbdefda176", size = 55756 }, + { url = "https://files.pythonhosted.org/packages/30/7c/921983793d8b3e7fc233bf9bc70f18ddde0f0d5ec9b80ef5e3203125b81b/pyobjc_framework_Metal-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b2b1b4027ff4c3aba7b05173503e88d4136f49b8378461d4d6e070be6cf504db", size = 55200 }, + { url = "https://files.pythonhosted.org/packages/28/8c/b3eea5f2137694d107ffa276621d4e7b79fc2584f2144d27ee68eec85239/pyobjc_framework_Metal-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:3ba684bac796177c1646bf4da8d4acaa747f2598ca369eb8df8012db660e3cd5", size = 54712 }, + { url = "https://files.pythonhosted.org/packages/c3/3f/d6013e14be2217dc86d2be68421fbab832e4630c2196265db4670d635316/pyobjc_framework_Metal-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b83a72464df9e533e739fbc2a576a4d2c78bfedc826dcd4c821be9e08569bb44", size = 54843 }, + { url = "https://files.pythonhosted.org/packages/a6/21/88549e155912110d8fff35856d4ecb034b5ad5c56ae52836f5db92beec86/pyobjc_framework_Metal-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:17b22be2a312ee6512c9118a5b18c4eeed264a796de39af81677e0e198c79066", size = 37366 }, + { url = "https://files.pythonhosted.org/packages/5a/79/adbaf11e2cdb0b82a73f6d6d28a13bb553751314a503a16b6edc99968929/pyobjc_framework_Metal-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:34817e32470c4acdeb89b3fd8815c4e42ac27bcb034aa6d25b7855d97d48c15a", size = 54802 }, ] [[package]] name = "pyobjc-framework-metalfx" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-metal" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5f/b0/a479ef7219d4176806e6f49718da59feb1dc222605f45f5e06777a6c6a3c/pyobjc_framework_metalfx-10.3.1.tar.gz", hash = "sha256:3ea0f259397523a84a320b3925dcaaa5c039494accc3cb412b63e6f7f66f9513", size = 21547 } +sdist = { url = "https://files.pythonhosted.org/packages/cd/7e/409a363fba2ae9582d64771e64f5465908a08d8632f07d1ca64e7ecdd2dc/pyobjc_framework_metalfx-10.3.2.tar.gz", hash = "sha256:02e83be7f013a416af42605120431b01c4a02fe2c80f898b7e45f90c30300a19", size = 21954 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b6/4a/0490ead36e933453bf7de321a38831c5379753b8f748efd1eb2a1eb649fc/pyobjc_framework_MetalFX-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:ea4bed69e6a9ab4cd4fa6160554cb7df72316e849a34b839bf8d9c69ab445b24", size = 10514 }, - { url = "https://files.pythonhosted.org/packages/a1/f7/f4734b1d4fce902c6c5b57e095924f7eee03d960ff77e7f4067c16da5165/pyobjc_framework_MetalFX-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:f3ecae357688a4730191d57ffbc3db6abb950b756e8b98f23689d4bf08f34c20", size = 10566 }, - { url = "https://files.pythonhosted.org/packages/08/63/262ed4e448880398809e047d836a53b4310e61b4c737997507e51d221a8e/pyobjc_framework_MetalFX-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:0179ce8ac828b6d6e2542d2d4f68850290eb3f16112205a758419225dd51b448", size = 7042 }, - { url = "https://files.pythonhosted.org/packages/2b/07/5597fc8d24cb3b01b7fdcb1986a41e5f2edd9aae9ba253b4d736768ccc73/pyobjc_framework_MetalFX-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b3ae624f7e0a5c60b856889753af560b7cbd1a5f47db01f120a668e429afd1c9", size = 10490 }, + { url = "https://files.pythonhosted.org/packages/7c/05/bcb5b99d5c8e591828044d30345e3ed4a0ae6730c836fef7295ae699f64b/pyobjc_framework_MetalFX-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:1887760865f485a0bae03738e9c2796cad6adb5d6153deaae6a20e90c648ecd0", size = 10616 }, + { url = "https://files.pythonhosted.org/packages/a3/2a/c17f1f7eeb3994447b17b5b29fde1be8fc80df113ff8a2a52aa97ea0778a/pyobjc_framework_MetalFX-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:b9bc0e6633360fb99199d6e5269b0091af47a0d41868d782680ad65026517931", size = 10408 }, + { url = "https://files.pythonhosted.org/packages/be/9b/733171d7841dfbc625af0f5276acc52829a5fd579f726fa815f11672e178/pyobjc_framework_MetalFX-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:a2cbf3bc72ddb81700457c96d5c7062fd4b22290cb18c32e72e6ca5fe9379d0d", size = 10371 }, + { url = "https://files.pythonhosted.org/packages/5f/98/0910701afa1849299488026b05d48f8f4f75bb89895f8036d4249ea9c9d4/pyobjc_framework_MetalFX-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:2e19eee956cd7292df9df8af00240575292c79ef66c8d9cb625052cd0770d823", size = 6917 }, + { url = "https://files.pythonhosted.org/packages/4c/32/fe9496f06b2b7c36ae45eacb48c50db508b40942714405631957a62138c9/pyobjc_framework_MetalFX-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:7970af3048f994546aa90172bb5066924b31bbedb16d510582c0e1b5366d406a", size = 10397 }, ] [[package]] name = "pyobjc-framework-metalkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-metal" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f0/6d/c5a782ee9def0feda16cf41c7326680f306293f4446185f3b0040e3e956c/pyobjc_framework_metalkit-10.3.1.tar.gz", hash = "sha256:905eaad9dce29082efd5cc56195337d2e8bff86ccfad36ec5127f818155ec038", size = 38269 } +sdist = { url = "https://files.pythonhosted.org/packages/64/f0/73fbc89e07f98e66666f7e7bf95dff809e270fc7e04ad9e89f67840e402c/pyobjc_framework_metalkit-10.3.2.tar.gz", hash = "sha256:309042ce797def3c2b20db41f471e939c9860e810c717a88665e5fdf140a478b", size = 38634 } wheels = [ - { url = "https://files.pythonhosted.org/packages/5d/aa/3ec47cb09ae256e118f4f54f1759503714ff2a47474ba3f0fd7a83c3b5bf/pyobjc_framework_MetalKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c198c61d967812837538a793b1ff862bbd868d954abcd6ee558662c45c4dbf12", size = 8782 }, - { url = "https://files.pythonhosted.org/packages/9c/1b/d8fc542e7ca1c296439fbe17d96c45943ad265c63727e1d03f988a931246/pyobjc_framework_MetalKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:7c0155d731766be52cf18de6ad61339c16217bde330e17ef50808366856c1b85", size = 8840 }, - { url = "https://files.pythonhosted.org/packages/87/ef/cd801629d09a8d9f5eb9d95b8c1809c48752bd13d1e0ba049b73bb627ed6/pyobjc_framework_MetalKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:48ae5e7c81c97e231c52036c8e2acb22bb59feaf0cb13f7678c87b16d9faaf9f", size = 6581 }, - { url = "https://files.pythonhosted.org/packages/b2/b1/d38a5a62ab8a3db2728474370c3aa3e8fd21b889f2093eb4365c8f4bb4bc/pyobjc_framework_MetalKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:de632a7cdca1a0a13097a363dd441b9550ad91de6da6c88952c77acfd4b3a100", size = 9134 }, + { url = "https://files.pythonhosted.org/packages/1d/b1/990ddb675a9a581c8586a435225f566f9cdd8f71d8c29f6b4a52986a5513/pyobjc_framework_MetalKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e5af7289d9f5c9453194bd7b7cb149aafefdc13d01d02b64fe0a4d297ce02d0b", size = 8904 }, + { url = "https://files.pythonhosted.org/packages/80/49/db7a8146b5e83deace125266d92fb8e70e0b222a35aa0084c931a25ff4da/pyobjc_framework_MetalKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:a23af118759422859b4e2112c30eff96950ba804d5dec51cad2165d7fd4b1386", size = 8713 }, + { url = "https://files.pythonhosted.org/packages/38/ca/601329e8768de9e037769dee1d563164b6838998d2f93a917ebb657fd1f9/pyobjc_framework_MetalKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b531d8c9e01f036df8880281f27df1f305c9b30d6dceabc6dba372f52946c25f", size = 8688 }, + { url = "https://files.pythonhosted.org/packages/cc/fb/b14fe7b7a27f677c9eb74929f2652640f7f05f8505cfa4826326495aad03/pyobjc_framework_MetalKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b8ec4d313cfdb7595c7b20bf0e5fa8488de3aa9231dc79b0f00b9f1a83b36daf", size = 6489 }, + { url = "https://files.pythonhosted.org/packages/cd/9a/53f980f80e69c2ea0443742a02e438f9411ee5bd6595c342650ba438afdb/pyobjc_framework_MetalKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:8863a49ac557c7ec141618bd03b90ae1b9282a865f28a8a18581d90d768162b4", size = 9065 }, ] [[package]] name = "pyobjc-framework-metalperformanceshaders" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-metal" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/4a/f5/d6b25e063691ab304ed39b3d8121262f661b2e56630bf3b07476134e08a4/pyobjc_framework_metalperformanceshaders-10.3.1.tar.gz", hash = "sha256:1a9e91dc9e748834c95b7a596b943203761f6533352631c7abe612f804b23d50", size = 215419 } +sdist = { url = "https://files.pythonhosted.org/packages/7a/d2/4f38e3c4f673dcf13d2e79e68e2e33382174c36416e423a1da30a9dc0cb9/pyobjc_framework_metalperformanceshaders-10.3.2.tar.gz", hash = "sha256:e224a9ab8fb9218bb4d7acf8dad946631f89ee0b8f800264ed57443e5df0982f", size = 215765 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b9/9f/ca54b26d1fbaa3589f00d3e55107b499017ec7f4972b46f808513f45bddb/pyobjc_framework_MetalPerformanceShaders-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:a6f72fd528033ff0b176e909394edfc34f90b711fc6dcb225ba41b042929b71a", size = 33033 }, - { url = "https://files.pythonhosted.org/packages/1d/93/58b86080d4008854fd071f4d46589d394133a4a61795ee55959beec762f2/pyobjc_framework_MetalPerformanceShaders-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:59c971d79c0d02a451571cd0122296aba05b46d7eecedea75ed8ce892d1119a1", size = 32981 }, - { url = "https://files.pythonhosted.org/packages/12/f4/1e02afb41d226afdf64b38c8a34af9f5690c08c988d1cb12247d82ca7c5d/pyobjc_framework_MetalPerformanceShaders-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:969bc8caea30d71f963fb763c8d837f36d403e47c1ff6ed449ceb09783322944", size = 26388 }, - { url = "https://files.pythonhosted.org/packages/0c/ab/1b7e063d30e65629c653f4af89cf3072ede8a3f99cb1a690dd73d7bfc934/pyobjc_framework_MetalPerformanceShaders-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b02da6a5dc9088cadf38dce21aa39027bc668493876d3af684b91f039f123df2", size = 33121 }, + { url = "https://files.pythonhosted.org/packages/0f/60/afefdad9bf80456f133700e97c5347a69e9b6edfd13e15a4dbb1692ca1bf/pyobjc_framework_MetalPerformanceShaders-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:a4b5e139a2c744aa39e4686a5eb89fc492b5b59e03fb05841feb3c6deb65f30c", size = 32459 }, + { url = "https://files.pythonhosted.org/packages/a6/e3/3748a3566ac6d4ef7688dd981ec8935b4e745becc6c57e3727939785f091/pyobjc_framework_MetalPerformanceShaders-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:595894af4a3b2aa8ad2f48cbfd2af421ce065a232d7ed09a6d4441304e5d3272", size = 32212 }, + { url = "https://files.pythonhosted.org/packages/d9/9b/a2df9404f5fcb403ed455fa42618134b681574f8531d7a59eb042497becb/pyobjc_framework_MetalPerformanceShaders-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:2689990eba79f5ca335e653fe4a1e754fb585451a6a23ba9c7737209f7478178", size = 32023 }, + { url = "https://files.pythonhosted.org/packages/c6/50/8fe17e6bc9b8672b3f08a58235114c57c7018644fd9e8f59caed363e583a/pyobjc_framework_MetalPerformanceShaders-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:f0545eadcff8a576680ec027e5ae3919156ab5f40c112c177652bf7d8ee60cb9", size = 26026 }, + { url = "https://files.pythonhosted.org/packages/78/c3/cc6e1d846af28eda7ffdb69e11ee708f9b78b96e41113589542a9c4c4ee9/pyobjc_framework_MetalPerformanceShaders-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:395d4e43e9ea6a388a2eb7766f0224ffefa65c7c2b0e7b851468b1431b2093bb", size = 32365 }, ] [[package]] name = "pyobjc-framework-metalperformanceshadersgraph" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-metalperformanceshaders" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e6/0c/c00edcdc19f692d0d261d2a0c43f296f240c236704666e287e60dea23edd/pyobjc_framework_metalperformanceshadersgraph-10.3.1.tar.gz", hash = "sha256:4bf2045036f97dcaabbf16ee8527f1787c7e9366611b9b9ed4bfabc81c19343f", size = 81585 } +sdist = { url = "https://files.pythonhosted.org/packages/66/a2/7b0d61e70af9eeae2f428e3d5b8acaf4b5011d6cf07d23e539534510fe4f/pyobjc_framework_metalperformanceshadersgraph-10.3.2.tar.gz", hash = "sha256:d83a4f1343c823674d2dc2730a0f0bd6231ad54409cf467c6bd5fe4a9791c22e", size = 81917 } wheels = [ - { url = "https://files.pythonhosted.org/packages/19/71/0dbf9660d2a31470bb6e5d5338aed82c1906c4624e8629e24cf612fa4e14/pyobjc_framework_MetalPerformanceShadersGraph-10.3.1-py2.py3-none-any.whl", hash = "sha256:a0288c53a024bc47348da2ccd8dc980d389dacc9d1d33b3412614e88732dc424", size = 6045 }, + { url = "https://files.pythonhosted.org/packages/d6/af/0d907121de5f621833e65ac3bfcbfa472483bd74650d8e1483051eb0c2f8/pyobjc_framework_MetalPerformanceShadersGraph-10.3.2-py2.py3-none-any.whl", hash = "sha256:b9b8f0ec18a299e095c79eacfc36ce6f2546a14462cf702efb8a9ec1954fc6e9", size = 6045 }, + { url = "https://files.pythonhosted.org/packages/e0/68/bb1e72e834e2fcc5cfa11bd92a6dd24aa0f118ae852d241001c98627ca2d/pyobjc_framework_MetalPerformanceShadersGraph-10.3.2-py3-none-any.whl", hash = "sha256:6136cb33f653853bf70b9818794cc2f79471f2e4f3d9434d16d5b929bb4ecbb2", size = 6041 }, ] [[package]] name = "pyobjc-framework-metrickit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b2/71/82f14e24708d44eb0c53b4fc57224bf5db8fa268c0632974abd6ea4b2e7f/pyobjc_framework_metrickit-10.3.1.tar.gz", hash = "sha256:f0b96fe9da0e26759f38d9e4cdf7d9c8be9c6ba35403bc8e675183a6f81dd0b3", size = 31749 } +sdist = { url = "https://files.pythonhosted.org/packages/67/e9/7bb34b031109e3cde9e8b59af4e1b66a59868ec57f40c3c84140ba281704/pyobjc_framework_metrickit-10.3.2.tar.gz", hash = "sha256:5a3b6f9a9db09a6521ab54610fd8f6a8644622ff248992e8608cfbe721efedca", size = 32121 } wheels = [ - { url = "https://files.pythonhosted.org/packages/9a/63/a72f925370163dacc2d36edf4466f7666387c232f049ad1c9faadb2ebebb/pyobjc_framework_MetricKit-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:ad28bb10e452b33af285137fb89f573294759571fa02d66201b78304add91513", size = 8164 }, - { url = "https://files.pythonhosted.org/packages/d5/7e/f940ff748d257d0c44415a4f7d1dfad1fa0fabb4d76f77bec62e780abf3d/pyobjc_framework_MetricKit-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:59b6959d6f79f71080d386ad08665c19e52d0cc57943716da180bbb3369c9569", size = 8165 }, - { url = "https://files.pythonhosted.org/packages/a5/c3/0308e5941f509f84b0026dd56329941d4a7bb3859028ddcf4acaede186e9/pyobjc_framework_MetricKit-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:f73d240b5e8f2351d6c2258b71a6d06b45ec964523f54acf05af50dc4ffac821", size = 8179 }, - { url = "https://files.pythonhosted.org/packages/fe/ba/3f3e0272354366a6759a0529b32f6fc2f0d21a5071873fd26fc89f304c16/pyobjc_framework_MetricKit-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:58dbfc7b9ae7701a59b9b2a5a5f874a9e393f10b27f39155714d1b49ea725226", size = 8124 }, + { url = "https://files.pythonhosted.org/packages/7e/66/5d2cb893402421d9909b96ce84d02982060ee8423d9730859d82b5069cb2/pyobjc_framework_MetricKit-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d3b603cbef1bab8877a29663d6fc2ac4f99e9c34a69b9970745044432854fb47", size = 8048 }, + { url = "https://files.pythonhosted.org/packages/e2/16/ad778e7939c120db1089bb488339f9dcd9935fd7e7b0b41df29c6179263d/pyobjc_framework_MetricKit-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:29bbc80d73b7a0c1ab4cae05c6273b363b467e4887fde3e4f6f7bfbcb8304ea0", size = 8041 }, + { url = "https://files.pythonhosted.org/packages/84/15/74f105587cfd82533a4f5c5cf5aa6b9c22bc9750838e7540dfc98f7ccce5/pyobjc_framework_MetricKit-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:4c95fb05070cae690d1f87432672a64d44026b354175eb49af4b228c435fa0b1", size = 8063 }, + { url = "https://files.pythonhosted.org/packages/b4/dd/ac00b69f5d8aaa21ab56a064a3210f6081ea2c2b085f54d7813e5d9e2395/pyobjc_framework_MetricKit-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:720fe043babe3d6f8cd021e18fd69725e1db37f2fe2e75eaca98d64265edd0fe", size = 8064 }, + { url = "https://files.pythonhosted.org/packages/cc/ee/8e559b090db7ece836950d95ca6b0b5daaab12487dd6151d339d0009a4df/pyobjc_framework_MetricKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:9555446c67fed91571256fc95f5dec54842373b66bfe84f3e27e876329dd8826", size = 8270 }, ] [[package]] name = "pyobjc-framework-mlcompute" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/db/9a/405b3091a514670d36d21a9f1a9441555ae3b6cc0e6913765484af1cf52f/pyobjc_framework_mlcompute-10.3.1.tar.gz", hash = "sha256:9ac94b0a9511fedceacda846865daa05358eec5a4bf62be534b69eb4d7aced9b", size = 68347 } +sdist = { url = "https://files.pythonhosted.org/packages/6a/83/d1af0d51ce57e96adb86c43507ec7fa6f6d3cb0ac92c4c881e04c88ec149/pyobjc_framework_mlcompute-10.3.2.tar.gz", hash = "sha256:be84c8ff600d2dde5abd9b5d27e4607a14361c6fef404803ad4681f6ecac5569", size = 68700 } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/82/1d9ad402910d9def7622c2b85a147364ecb31ad1add4a3ddb64c98f5abaf/pyobjc_framework_MLCompute-10.3.1-py2.py3-none-any.whl", hash = "sha256:e5f8d98ee43fc795f44dab322299cf8957d7e6acb54139cecebfc7f4b2562b6c", size = 6410 }, + { url = "https://files.pythonhosted.org/packages/c7/e4/51fcd5f13184c09d0e6044626b88e5ad9b5e0f24a11af1fb10aff8996696/pyobjc_framework_MLCompute-10.3.2-py2.py3-none-any.whl", hash = "sha256:d8755b4b74bfa8f6a96221ac18edce0d7a94158ab92b94cdb8a91f1d224ae497", size = 6413 }, + { url = "https://files.pythonhosted.org/packages/a4/24/0383000300a44432a3ee9f952a67dfc809da5fa465965fef9435e28c77a3/pyobjc_framework_MLCompute-10.3.2-py3-none-any.whl", hash = "sha256:7472f29e04478c06a20f6fcc90a0c85a67ebf4282f3d940382215191c85e74df", size = 6409 }, ] [[package]] name = "pyobjc-framework-modelio" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/98/d1/3020a89e0e1145b831351b1e0b34b89b3af7055843384c2a138d3ef4979a/pyobjc_framework_modelio-10.3.1.tar.gz", hash = "sha256:b1da37d10c38c63006d5173b49d18891b2db2c9acdbb6dbd21c73f17c0ccab7e", size = 93075 } +sdist = { url = "https://files.pythonhosted.org/packages/44/9c/93d1bf803924372e31547c1faef512c457f11ecb61ae6554d903cb1acf48/pyobjc_framework_modelio-10.3.2.tar.gz", hash = "sha256:ab0b2ed488e7ba4e4d2862cbc8629d309832bdfcdde3b0c32f87dd2d9e7134bf", size = 93453 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ba/fb/cd67b4b488f9c7463dfd9ddf4ed10796ecf9e20037b11143700e75b8568c/pyobjc_framework_ModelIO-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e841be15f1847ffe1d30e0efdbc57d3c6f1a2db7553946bc15dde0d8f57b620d", size = 21656 }, - { url = "https://files.pythonhosted.org/packages/d7/1d/b403003258b758287c515e40895806e0dd60af7329714d0267db7add00a0/pyobjc_framework_ModelIO-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:53d4cc794e0dbc94e622ed164556f82db723f9c3b2d9dbf72bdf44468eb4efa5", size = 21690 }, - { url = "https://files.pythonhosted.org/packages/a1/ef/929e4076ad6104d3f195c60f53f8cb52436829f0a3e3d1a168bb4a0e04e1/pyobjc_framework_ModelIO-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:856e8d63c10238f4b23d30b9fb903d64b9f2b44e4f30f30a28bfc665e1adc5ac", size = 16181 }, - { url = "https://files.pythonhosted.org/packages/29/e4/cb3111bd389461df071ed721734191c1aa9ec9941a7c40783de55d7a9414/pyobjc_framework_ModelIO-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b59069c79c0865334e0036b1938e009addf035bfec36f7d4d871037c14c7accd", size = 21652 }, + { url = "https://files.pythonhosted.org/packages/ae/1b/37e30871295b12f8eb3e36def940ea7f9c7a0602ba33c99c783cb94293e9/pyobjc_framework_ModelIO-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:82ba2bb5d2c2b0f5fe10b74dcc80dda0553a783433f05d914414de0ac38ebac8", size = 21211 }, + { url = "https://files.pythonhosted.org/packages/b8/c2/22848c2d1993852bb36d98ce9e104f996fc551cb8f11a48f0df59874ba39/pyobjc_framework_ModelIO-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c8668b6758f4c3b303263d2dd47160c61891813d3e7afdb9069f6bb2f5a914cd", size = 20894 }, + { url = "https://files.pythonhosted.org/packages/5e/96/580e595281aa664ed2a8cf9e23e8baeedacab9d66923524d006e97e64eb0/pyobjc_framework_ModelIO-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:acee6bea07960babf1d42e201af847090e061363ca9ad92660b58916556b2867", size = 20876 }, + { url = "https://files.pythonhosted.org/packages/eb/cd/14632e23b6bfdb91db4724c6a0465fba5f8e8b46db7a99cde12b74b7af8d/pyobjc_framework_ModelIO-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ef429310ccc062c7153287e9db1b6bb45cbb3d682a589376c8c5269b56189872", size = 15919 }, + { url = "https://files.pythonhosted.org/packages/7c/7f/1909d22c16e195deac883303e4de6ea7b3b77854e0d13afbf9987da32aef/pyobjc_framework_ModelIO-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b57cfcb1bbfdf96d80420060c468092e49d53806c45baa2d0dbacfd6fd12f943", size = 20881 }, ] [[package]] name = "pyobjc-framework-multipeerconnectivity" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a6/bf/14b2e58b3462ab15fba8fb07fa493da6531d6c8da07382ef2b63e429be4a/pyobjc_framework_multipeerconnectivity-10.3.1.tar.gz", hash = "sha256:eb801d44194eb7eafcb0a21094c4ce78bcf41ed727125b048755838b59de3271", size = 23441 } +sdist = { url = "https://files.pythonhosted.org/packages/dd/e9/f511850e84be7d8645e70934da5f80faa7bd688cd244a1dfbc76ef464870/pyobjc_framework_multipeerconnectivity-10.3.2.tar.gz", hash = "sha256:12f04aca1142ef91ac8292f76ab7fcb3c93eefcb1a1333073dd011cad97cab8a", size = 23803 } wheels = [ - { url = "https://files.pythonhosted.org/packages/51/50/54225bb1e4f98f469531090efb98a5771c4696558f41ceea385194e0c272/pyobjc_framework_MultipeerConnectivity-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:1c0b65734f1e9b907c6198b035ad47c49819711c49694fe73cdf475be37db82e", size = 12779 }, - { url = "https://files.pythonhosted.org/packages/8e/e7/09d67a41a11c0c005200149cfa92e69a9c92f80381622f1f50f3936175e5/pyobjc_framework_MultipeerConnectivity-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:f0e466da15a3daf2c140be66da99ac0526b584fbd6dc08ed82e542e706964449", size = 12833 }, - { url = "https://files.pythonhosted.org/packages/4c/f2/c2aede1feb1517a64bcc9bb2341e4c76027b2287a2283d0ac42048bae17b/pyobjc_framework_MultipeerConnectivity-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:5538caad124908481ee43755d439898f9d7eb0f200856ba246c730ca5fd77e15", size = 8959 }, - { url = "https://files.pythonhosted.org/packages/63/8e/7c070f8cc3a302a3968dbd3318434c40e513440df07d9eb41b522426bc02/pyobjc_framework_MultipeerConnectivity-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:5350d13115b252bf6fa374dba1ef13ffd746b15b16f45d1b77b9231aebdf5b57", size = 12702 }, + { url = "https://files.pythonhosted.org/packages/f6/8b/7e6ebbe41b75b00a026be63bbab241847fcf13f4466ba4d849c5e27a03a7/pyobjc_framework_MultipeerConnectivity-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e056e8b510fff328cc4d9b7eddf9f52c8324de8d7895cb9be66eadf8fc536660", size = 12803 }, + { url = "https://files.pythonhosted.org/packages/4d/df/5b7c7915d2f7872fbdf2ad5df4dfb867161b5c63987cdbe67187a0aaa5e4/pyobjc_framework_MultipeerConnectivity-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c4b50190d9c6891de31be4a36beba8e093150dd448e94026e4645ee33aa1a7db", size = 12582 }, + { url = "https://files.pythonhosted.org/packages/13/a8/ed891b4f26c72e913de85510f65dcbe8635faf599fad1f96a0b3d3d17246/pyobjc_framework_MultipeerConnectivity-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:1edbd1dd5f0e137686e6236d59fa5f5d217558c9badfd52d68ee351330ff5ead", size = 12559 }, + { url = "https://files.pythonhosted.org/packages/04/04/f007eaec81170b1ecce0325b3b83161c0fce69fda349b565209fe6ca8eb8/pyobjc_framework_MultipeerConnectivity-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:fe9a65446b303b6b6c23f66c57c3aaf780780fe796d6c04370d84afccfeeaefe", size = 8800 }, + { url = "https://files.pythonhosted.org/packages/81/5e/876900a911c753f0dd903b6a958a6f191c50b35ccd8a78786290079685e7/pyobjc_framework_MultipeerConnectivity-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:ebb4e10bce3a298e4f5b9478f8a6a97393ea01590493725949b76b1633a23405", size = 12543 }, ] [[package]] name = "pyobjc-framework-naturallanguage" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1f/37/a0af80f8bb4ce27b5d6ab5d6bb8a71ea950cbdf81ec73c03b03388d8c572/pyobjc_framework_naturallanguage-10.3.1.tar.gz", hash = "sha256:49f19d0dba34802696a270d690db310ff03f1c85d6fb411734cb13667db90dd9", size = 39154 } +sdist = { url = "https://files.pythonhosted.org/packages/6b/f8/a7a3d00c1eb5bc8c1d7efd24e655e2f5100322d6adf4c5f12d77018bcc9f/pyobjc_framework_naturallanguage-10.3.2.tar.gz", hash = "sha256:a3a81148b24b744ce5c4289074279cfe4947a79ca9de4d88aa1dbdc44182dede", size = 39472 } wheels = [ - { url = "https://files.pythonhosted.org/packages/81/37/7aabe277c3cfd6dc756959e6fa2bacf8e8e1c435b67e33f6a0c799e2a5ae/pyobjc_framework_NaturalLanguage-10.3.1-py2.py3-none-any.whl", hash = "sha256:d0e47fad66bb74fa68b50093500f5cb49d8a772b522f8c92e725f2e65942dd9c", size = 4923 }, + { url = "https://files.pythonhosted.org/packages/76/ed/108b676bad76e576a62e1fde8739ed172f6da809e555756cb8f3a870344e/pyobjc_framework_NaturalLanguage-10.3.2-py2.py3-none-any.whl", hash = "sha256:d8cfa0f37f89ce2737334b64b3c9412c18abb60613b0d3e691ffbc66e3cd5636", size = 4929 }, + { url = "https://files.pythonhosted.org/packages/4a/33/e691f99a4f585e9fb0b5e2b2b6e38c8f5b3d1a686b1bf4a1f48e3970a393/pyobjc_framework_NaturalLanguage-10.3.2-py3-none-any.whl", hash = "sha256:b684aa6a8023de2297c5673693ade2dbd0289950c6262d425ce7c90fefd9c4a0", size = 4921 }, ] [[package]] name = "pyobjc-framework-netfs" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/90/94/d467f7bc9efdf633f6cb40b83357f1cb91308efea2738f37b7c682e6619a/pyobjc_framework_netfs-10.3.1.tar.gz", hash = "sha256:46466917f7b0aca3772bf4dfd586b583992c60ecd71c39f7d28ff7665d057637", size = 15212 } +sdist = { url = "https://files.pythonhosted.org/packages/e7/32/c6614fa0255968b8eea59c76da292b6c65f9caf8929d5f524b8155c6e006/pyobjc_framework_netfs-10.3.2.tar.gz", hash = "sha256:931239d3a0171d09b089f229bc58add8098c0d45a37f8f0ef45059ec0d4e69d6", size = 15546 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ec/08/1a6effdc97f3eede536e66a7c7e1c50cce644e8d4d5e258a243985997b2a/pyobjc_framework_NetFS-10.3.1-py2.py3-none-any.whl", hash = "sha256:84faa7325c4ecc2f4ad199d8c52cebcb520ad2e7713f356c7a5a849839398d77", size = 3791 }, + { url = "https://files.pythonhosted.org/packages/ad/5e/ecd5b171be0148899b9ea783fa0edef066a8ffe17ef57fd542564d5b484c/pyobjc_framework_NetFS-10.3.2-py2.py3-none-any.whl", hash = "sha256:d728d2b69042a18e7441fcbc6109d3ee7fcd9b5afa43cf48c28e6b9ce2acd047", size = 3790 }, + { url = "https://files.pythonhosted.org/packages/bd/55/1e2d99036dc1d2c0009f8643a0d1ee0051c0c04be7065b75657612be309c/pyobjc_framework_NetFS-10.3.2-py3-none-any.whl", hash = "sha256:75089ddd8d0e2ca837ed64d0a0eeccfcc9f47d13ff586b427cbb64c2a6c8ba8e", size = 3785 }, ] [[package]] name = "pyobjc-framework-network" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b7/a2/547e786e3ff87e4facf038b0375d8fd4a48a8f6c69762efc7aac87b2d379/pyobjc_framework_network-10.3.1.tar.gz", hash = "sha256:87a5839d4ab2ae452b4e563bd7a00569557ede4b8cd1eb77c973cdf45fb8f5ab", size = 104030 } +sdist = { url = "https://files.pythonhosted.org/packages/bf/52/6a1309a9b5766053ce5b2c7fed21751fc1bd9c8dedaf84d3fc6b2753bc98/pyobjc_framework_network-10.3.2.tar.gz", hash = "sha256:351a0eda913c84e3b7c0ffe0f1d4679b2bc21118ccc0e59fd4943326b23ba4e3", size = 104316 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a1/83/d8799253ebf55496dd0725d9ba4cd03260fc161dee6f128fd3e78ae6a79f/pyobjc_framework_Network-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:56df88c10b948b3b09dd6d0e9061da33683e294d0450efd9076354f41e214f58", size = 19084 }, - { url = "https://files.pythonhosted.org/packages/43/ce/d5e00d0dcf234a0269c079948c855467f5af0464d4d1d44148c20c69f602/pyobjc_framework_Network-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:0336fc0b80a2481d3a032b94e7dfddbb8d0f1ec10e36e80ad424a028b00679ac", size = 19128 }, - { url = "https://files.pythonhosted.org/packages/cb/9c/899932cbf529094f2bf4be1eb863fa78a791dd1095ad0ed92d4e25d11e50/pyobjc_framework_Network-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1e2cbc4d209b6789d8a3bd85cfe472bae50ca2d54355beb25b8336ed65d846e0", size = 14613 }, - { url = "https://files.pythonhosted.org/packages/6d/04/1a5d7daa7704ac3d096a3c76a3ffde49df5b836a7f6f355e72f95f7fbdd2/pyobjc_framework_Network-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:c665f3dcfb1375835dd0c6ce10079f22be73f92213fc3d48b176d9c67fc221a9", size = 14385 }, + { url = "https://files.pythonhosted.org/packages/c7/41/204dd636ed7cffa81637352a11d95a65de294d1bb1556ad658cea101830f/pyobjc_framework_Network-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:6b99ffc9ada5c44f1dfc5df32a343fe12653b21e78f90394a5343213bd3c8738", size = 19084 }, + { url = "https://files.pythonhosted.org/packages/a9/b0/cad0271dc3b87279fc3c1109c8297758535c33899309e96ed768ef2181a1/pyobjc_framework_Network-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c4b3f36a7869b4b69ed497cf99798339921c6ffb0e2796df2eda120a184cab18", size = 18972 }, + { url = "https://files.pythonhosted.org/packages/78/9d/44e18e433ff8ff1f05b18b094c419182d6405ce3bebe517960a8f3e8b6c9/pyobjc_framework_Network-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:07b2c9395c194346b2b8bbb146f46b23d0eb8bcbb0e378c186ceb7c1542a89f5", size = 18956 }, + { url = "https://files.pythonhosted.org/packages/ef/0c/4a4d5abcf96b92ec8a54653a3f11c31dd25b57095757b9221264af831912/pyobjc_framework_Network-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:cedf79a69c0e9039b58b217f1769a282f0f19320d5c4831ebd547387794717cc", size = 14544 }, + { url = "https://files.pythonhosted.org/packages/f0/30/4619dac55319fed574e2bd60cf1e708a032fb15a445a82858cf42070ba79/pyobjc_framework_Network-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:6e47555e25ffd986a09c677f9a13d758163100450bb31612d607e404a0c0cb79", size = 14360 }, ] [[package]] name = "pyobjc-framework-networkextension" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/dc/46/1af5ad27f16af7ef97cced31dc70d92cf85c08d1e15a32997f9e40496601/pyobjc_framework_networkextension-10.3.1.tar.gz", hash = "sha256:c5a094862061565ca6d37457db42f55f344ec24dd7604ddf5d72e20ae7f63fdd", size = 130653 } +sdist = { url = "https://files.pythonhosted.org/packages/bf/91/132fc6782b988b67c6e65d569c5a83c8cf567ef38d6d69016ef7acc902b7/pyobjc_framework_networkextension-10.3.2.tar.gz", hash = "sha256:d79ebd6fa4489e61e95e96e868352c9cef20c48ccb1d90680300c814b659529b", size = 131032 } wheels = [ - { url = "https://files.pythonhosted.org/packages/35/fd/085d7b5ab96a5eec797933246e268773728d58ce4cccfbb06bc210590c4f/pyobjc_framework_NetworkExtension-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:baacdb4ad595d5c5ce9660e10ea476fab9bfd1a1def2357eae7918f5019bb8c0", size = 13808 }, - { url = "https://files.pythonhosted.org/packages/4d/e3/3afdc6ec7c8ecf596b35b3e32f95fc23d755ce42af40375cd96041eeb587/pyobjc_framework_NetworkExtension-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c1efc35dc4ddced3f0e5400e8ae9b28b7585f0cf5701023dd957f3cbd58d361f", size = 13864 }, - { url = "https://files.pythonhosted.org/packages/2d/b2/c907e55127ade6d290f89c61ee20066def925e0b7f539d602d13bb221a08/pyobjc_framework_NetworkExtension-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:aeba32d9b9809bb1296d85da00f0c221daf54b25fd864dc9bf03a7007f5ad601", size = 11564 }, - { url = "https://files.pythonhosted.org/packages/d8/df/34dfbcc84a34b3edd4813da0324091f83da64a8d246738903f947c739e94/pyobjc_framework_NetworkExtension-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:1c8ef5fce8846fb3bf459bedf7a31ff0428a9c3184c8b26ced8e322c956e8ec0", size = 14222 }, + { url = "https://files.pythonhosted.org/packages/a9/bb/3203d8536dc1b9d7ef38bc1d9b47a83e5dc2d33c649876ef54456168b338/pyobjc_framework_NetworkExtension-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:ae4446536bab08a86a1150231add4e27c7d2e449becf99defb22a85c43e3e15e", size = 13946 }, + { url = "https://files.pythonhosted.org/packages/f0/49/b0d984409fed5d7ea9c482f32d2c311e3fb3c9727dc0e8ebc4f7e3eb5e73/pyobjc_framework_NetworkExtension-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:fc85398073d1626e4e4cd87b9f152489c2fb54361eac9424d786927170e24a9f", size = 13748 }, + { url = "https://files.pythonhosted.org/packages/c0/64/b06272c35f3c72b0dcff9df97d143aa36395fe9d1b3bdc859fb494070503/pyobjc_framework_NetworkExtension-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:1866e6d65ca4d86ef2cc12d321fa39d842fb5ae4c5b6ae826daea2ff07373a13", size = 13720 }, + { url = "https://files.pythonhosted.org/packages/18/cb/575065d39a56ee94118a7a9f2ec0d9db52c684bd9db70936d4998db1cb6e/pyobjc_framework_NetworkExtension-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c20fd0bab4ac386b198616a1dc77db9b1f61354afe36bf38bd9867c3d35e4c6a", size = 11457 }, + { url = "https://files.pythonhosted.org/packages/c3/3b/6c6fffffdcd5f1c70de6e2ac912347a3613e076dc0f66bb98b41d98bdcef/pyobjc_framework_NetworkExtension-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:9973a5b4b7d623180c1efa33c42760c48f4b5c119000917d3916b84e9433d532", size = 14171 }, ] [[package]] name = "pyobjc-framework-notificationcenter" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/11/a4/105abbec54e815ab9de653bba08db37524589c369badab6e1a5e3bd598a3/pyobjc_framework_notificationcenter-10.3.1.tar.gz", hash = "sha256:3e6efe0fe6389601bb87086f5585fa7e74b2143236b7d5afd02b617a73656419", size = 21039 } +sdist = { url = "https://files.pythonhosted.org/packages/35/ec/befdaf13ca4a9056a3760fbb95ae581b0484dc2b5749be30326c9ea2a799/pyobjc_framework_notificationcenter-10.3.2.tar.gz", hash = "sha256:d0dc85e4da0f0e139e032279893db4827595f8f11830080e294f63f57e984c1f", size = 21367 } wheels = [ - { url = "https://files.pythonhosted.org/packages/cd/f8/eb4a4703d3b91d91ed050411ac129612d11ce34f3f01cca8c7912cc08ea1/pyobjc_framework_NotificationCenter-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:2818922c2c3f45721515733b452d20a507368a87b793fa976c21945773582abc", size = 10603 }, - { url = "https://files.pythonhosted.org/packages/0a/6e/3be21a76248fcfb4c703bda266f2b289bb0df07ad1ea551209d71ede808b/pyobjc_framework_NotificationCenter-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:e08264759b84a21631e143afce1696920207d418be7f8853dbde18dbc7881667", size = 10668 }, - { url = "https://files.pythonhosted.org/packages/82/6c/1d18ab74c090818f4c7be1ee9d126ff4c272acf28db0fac65cdd77a9908e/pyobjc_framework_NotificationCenter-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1560edad4e9fe01cbf3a70bb6e2668985e13903497d3fdc92276d6cecf9e4742", size = 7127 }, - { url = "https://files.pythonhosted.org/packages/57/59/bdf3194bd3693132370f4cc1a002bde09dd248f2a49026e5ec4785970083/pyobjc_framework_NotificationCenter-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:992ea7c86d0330cf10113b829525d74a95d97d0d7245e4e277f75ecbb37b596e", size = 10524 }, + { url = "https://files.pythonhosted.org/packages/7c/21/51e14b465a88dd4d3af9cd8f0b0122d9d9643b288b061b36358b4a40ce67/pyobjc_framework_NotificationCenter-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b709b7d4c68e81cf7f8c6ac9a8f782ed73d3c811e18e506d36204a4372e582cf", size = 10630 }, + { url = "https://files.pythonhosted.org/packages/45/8d/697597e6823d3467b4288d3b52ba333631f5ed6e49859d55e84de1690469/pyobjc_framework_NotificationCenter-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:573e45bc8726296b3830690b2896a8f2e1d6b5d15a4010b34cc1656bbd6c4311", size = 10426 }, + { url = "https://files.pythonhosted.org/packages/bd/dd/a17d894e8039d80065f89d4e05f9616375b75e585bd873dfc1123ecceab1/pyobjc_framework_NotificationCenter-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:fe43ab134afcc08a9006cb04143473e6757bc59e9e7c4957c99ab9cb09a9bdb4", size = 10374 }, + { url = "https://files.pythonhosted.org/packages/13/4e/0260b61f5fed08d51209e345783a66d3d4585a9793eee2dedd5acfbc56e2/pyobjc_framework_NotificationCenter-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:5659d3cf2bd217b7aa9039e657c7939e6bce59b7e4ce170319aa01b8a1926cdd", size = 6990 }, + { url = "https://files.pythonhosted.org/packages/e4/41/780412624dbdf5fd988b7534a0d4a60b02b172b17824e68c2eec96c77804/pyobjc_framework_NotificationCenter-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:313e3c38c49f29c46c1d2d94df0a1c79b8538f97cef3ad778635ad4ac9384d0e", size = 10354 }, ] [[package]] name = "pyobjc-framework-opendirectory" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/32/1e/85e8d9ea9ee43a111a6d278c5006a3a58c4573af60ba7932402cb3ca5e84/pyobjc_framework_opendirectory-10.3.1.tar.gz", hash = "sha256:cddc25632eebeb6bf0d886ae0fc919d574e458c597691226ba15bbf134ab51a6", size = 159659 } +sdist = { url = "https://files.pythonhosted.org/packages/8f/cf/5e0c2c3b1c29f3869c17149a69d3142b93343161af135c2a822404c8a61a/pyobjc_framework_opendirectory-10.3.2.tar.gz", hash = "sha256:d506f66c888284e50edb766222d9e3311d9a3ec51b561df1994c498233730f62", size = 159962 } wheels = [ - { url = "https://files.pythonhosted.org/packages/ca/17/74c8d815ddd43d206311baf00237c8a14c4c3cb7ad656ef33afcfe370655/pyobjc_framework_OpenDirectory-10.3.1-py2.py3-none-any.whl", hash = "sha256:7e787e65409aad082faed2ed0c2cd52cccea61702d9c83b6acdcac3fa50a562f", size = 11425 }, + { url = "https://files.pythonhosted.org/packages/3e/2c/11c3118709be26f58b510bb1eeeaa7d536c2610d72fef37b598eba338ab5/pyobjc_framework_OpenDirectory-10.3.2-py2.py3-none-any.whl", hash = "sha256:276eb1615898e134e0bedd142b9003db65db5d542696c796567bc223882bea63", size = 11427 }, + { url = "https://files.pythonhosted.org/packages/19/76/ce9d2bea40e3def7055547c14ed5f59c5f77570109408b36a195a56264f5/pyobjc_framework_OpenDirectory-10.3.2-py3-none-any.whl", hash = "sha256:2f4fd45bac828eeb17c778cf8be0883f58828baa59bfdc3ebf5876aad1318627", size = 11422 }, ] [[package]] name = "pyobjc-framework-osakit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ce/db/2ee141472cb30079b8881d4839f4d46d38bed2e78e04d5ecf44885d05cd7/pyobjc_framework_osakit-10.3.1.tar.gz", hash = "sha256:0af326b831fa29fca11ffe2b641807ad3c233be9eb403e62328fa784528da4ab", size = 18286 } +sdist = { url = "https://files.pythonhosted.org/packages/19/5a/11674938bd217abdfc5ccbd23ebfc0bd21f003cf2609cf545503efdd9214/pyobjc_framework_osakit-10.3.2.tar.gz", hash = "sha256:2a718d4bf08d1b09d41eca1131604ee87929b991506d56951e992e2112a0b4e7", size = 18610 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f3/37/f644ff0e1013ee25a3c543f4240687f7ab79580df401cafff8e5dfea278c/pyobjc_framework_OSAKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:aaa60e6f455febe45f9be6487c59f11450de81bd7f49a6e4db576a38bcaf1c68", size = 3784 }, + { url = "https://files.pythonhosted.org/packages/57/ae/4c69f54462d8282ca2c633717fcfe5706a85fc660e658f2099d1af791bbb/pyobjc_framework_OSAKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:85d19162d36b94db640a5811351995cfb86a59c28fbd4ee383c3fc5a44139e54", size = 3786 }, + { url = "https://files.pythonhosted.org/packages/09/eb/3f88a1cbbde852869378530567867cbda21306bab82bae416357a54ef51c/pyobjc_framework_OSAKit-10.3.2-py3-none-any.whl", hash = "sha256:86be4f7f9167e7a84e15b218d378ed6b9e301f5b6c000e313e6882a99aa13b04", size = 3781 }, ] [[package]] name = "pyobjc-framework-oslog" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -6382,619 +5808,660 @@ dependencies = [ { name = "pyobjc-framework-coremedia" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/11/ba/45a84a9a26608c8dd2d909f8ad8183434c17b1d4071ce910388c80a07637/pyobjc_framework_oslog-10.3.1.tar.gz", hash = "sha256:592c3e50cf824c2c07779771aa0065de2dbb4c615de43e8949b39d19ba04d744", size = 22288 } +sdist = { url = "https://files.pythonhosted.org/packages/92/1b/1a404937e72478a6698ac935b7dc0e754b76459a913c6dd26a042a12ebcd/pyobjc_framework_oslog-10.3.2.tar.gz", hash = "sha256:3f9680b737130579e1317e8bb25d6eb044a1a9569b9dbe33c056654a0d40efbd", size = 22643 } wheels = [ - { url = "https://files.pythonhosted.org/packages/79/ef/1d18049de4f5d459107e1703cb42d3e159dffa988bc9968ec43c7cef3742/pyobjc_framework_OSLog-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4799619f9ae12287923e2bc39fc021c75ea4e8bcb0e8ff44201f1018d017db98", size = 7898 }, - { url = "https://files.pythonhosted.org/packages/08/94/609913d615527e891fadf4b3c319ce6df143c5c160ba5e69904fa4d2a666/pyobjc_framework_OSLog-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:7ff719367249c09318a87df47ef8e1c8d18ab5f4b9e94862e7ca9c8fad21ed9a", size = 7958 }, - { url = "https://files.pythonhosted.org/packages/09/d8/faa0f2c72c2a24a3fa44c9d56f613e4ccbd213cb2702481dd750acfd7d0d/pyobjc_framework_OSLog-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:5ae0848bf6de69c95802f11bb4aff5c2edac5c5e6179b9a06a0e4fe05ed48b53", size = 5790 }, - { url = "https://files.pythonhosted.org/packages/fe/33/8185fa32c8705f1b16b0d91b62ab290159d7611f2cf46db0fea7c8c87703/pyobjc_framework_OSLog-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:cded4c706fcf3fd78ef257ab096f4f8cefc70cca81553d2fae88841aaf5d620d", size = 8054 }, + { url = "https://files.pythonhosted.org/packages/d4/2d/ce6c7f33c2978035394528094cae33d31ca06782769b492d3273275718cd/pyobjc_framework_OSLog-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:8e30364a0d2f00c8219e4517b28e01e1cb5187c168666589e096fa72ed3551d1", size = 8043 }, + { url = "https://files.pythonhosted.org/packages/22/7e/397f1b87759d399efa1c2422ac80733a97133946c7cc02bb0eb017ddad3f/pyobjc_framework_OSLog-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:958c7cbaa87f6da0dc89092010249b4f880c748b735ae4343c5e60dd9e0c0a31", size = 7828 }, + { url = "https://files.pythonhosted.org/packages/56/10/6e281f06ecae1f490694e52eed475f8ce3dca8f71659de9a7cd9c7b15aab/pyobjc_framework_OSLog-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:bfa98b576c67cdebe48f6bf0a3a4bc29fb9d80f78c9f2056b01cb97215b7e0d8", size = 7796 }, + { url = "https://files.pythonhosted.org/packages/f3/53/066e596b9e0cf21667bebefd7248437f8b316c2937c6df6e48fa0ef78d52/pyobjc_framework_OSLog-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3659796f54ebeb44e186da42b4d7af6fec7a2a8c78d2145ff235e0b4fffd5d69", size = 5687 }, + { url = "https://files.pythonhosted.org/packages/c4/16/d1962e9de38e8b1b160c8b7cb5bbe56faa5c6aadd8935c09365218474d5e/pyobjc_framework_OSLog-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:43bc2ec01fc6d527ba6880fee1d5b5b500f3e2b30c8b5822bb290fa8f3af7a95", size = 7995 }, ] [[package]] name = "pyobjc-framework-passkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a5/5a/8336d8fe6371e7696235d131d042572156299d6a0c566a5854f127270adc/pyobjc_framework_passkit-10.3.1.tar.gz", hash = "sha256:4c3eea19c1ae3edf6e7858ab815bcd8ecf517a146928ce6a843910729372f010", size = 94853 } +sdist = { url = "https://files.pythonhosted.org/packages/83/4d/c89c17233d3e3510c7d609384f71fe7b70432f15d16e31ae61deda8c03cc/pyobjc_framework_passkit-10.3.2.tar.gz", hash = "sha256:e85d94062cab45b99dc7123f8de048720730439b66d3b0386eabddb8856aaf12", size = 95237 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f0/ba/9e247686f64ee75840104d4e85a2c21316ce6abaa0697b0fa826edd69442/pyobjc_framework_PassKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:ce09205aae4e15d3639d76a558c072ae106e8c7dafe9a451c5e27967498b74cd", size = 13868 }, - { url = "https://files.pythonhosted.org/packages/6a/af/081c1c6fd9bbcd93ea983e5ea2111011c669c96cc6d6146e07f570aeb136/pyobjc_framework_PassKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:79ff6fa8ad4c0f9b4a992122b22e2b2b4200534221eb1bfe86bf473fb3c7ca23", size = 13907 }, - { url = "https://files.pythonhosted.org/packages/27/f3/092e31c4892f50eb4b94ddbf29f6a7b658820714e40fdd6e5cf4b22c00d1/pyobjc_framework_PassKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:bbb71ac6fc51da06d0fd6cb4d83eb79b704c2bab694a93899d3f83c753c9740b", size = 10785 }, - { url = "https://files.pythonhosted.org/packages/e8/c3/b1a04f416c25f0f4c194137ba8ce4444a7c0e7f3b42b38b278e3a707ff5e/pyobjc_framework_PassKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d41409ee24eee2318023c3ba23218db152fc262ebcbea9021dc533fe80a73f32", size = 13787 }, + { url = "https://files.pythonhosted.org/packages/5e/40/f292ece62552c9098bc6a187c0a76ea023ac899e1f7fa66d2c79a2b88616/pyobjc_framework_PassKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:60d9244b2715b6c4803174c5c96b98fe226771f5a8e46551bb120804ef02d743", size = 13939 }, + { url = "https://files.pythonhosted.org/packages/ac/98/2f79e705d7074509722479f8e2040e46f2a12ed5e35ccf9da19f5f0a1f17/pyobjc_framework_PassKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f37d18fe27453a845ffdf1bb70d9a9f48ddb117ad6ad6f3fd8863b09294c5ae9", size = 13760 }, + { url = "https://files.pythonhosted.org/packages/17/59/b0140880ed90376f97eb30aa0159b54b6627b2552051a89cc9d985c28d01/pyobjc_framework_PassKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:202f716409b9c9fb3a01183db7b46bdd26bd2556184f9ac4e71b67c2d2b0d6bb", size = 13730 }, + { url = "https://files.pythonhosted.org/packages/e5/c1/57a69723e67269493076ec758f8353d493bcfa73155b67c1ebc1a06b70e3/pyobjc_framework_PassKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b433fbddc78f9fca0d7e97268c8f2529e376cae44a4681a6012137c7288025e7", size = 10684 }, + { url = "https://files.pythonhosted.org/packages/6b/8f/a316b95eec95c68805ef82ac2ef42b2d9ab1491b8d15e142ebd7235b7d75/pyobjc_framework_PassKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:fedb99158ba5ba1c437e2fd4b0d408b0e0590ca58e299ddda7db7d99fe83874f", size = 13687 }, ] [[package]] name = "pyobjc-framework-pencilkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d2/8e/9152ecf82135f5f6ec94f4b407948cdee9b8f01ead2896613422dbfe8ef1/pyobjc_framework_pencilkit-10.3.1.tar.gz", hash = "sha256:4dfd8e0179be5ecf67b768317a88d86d93df1c8674d422afa14957cf80e6e01f", size = 18784 } +sdist = { url = "https://files.pythonhosted.org/packages/48/83/630fc7219b046446705771406d9ae6ec027878478e7d8699892786aaec21/pyobjc_framework_pencilkit-10.3.2.tar.gz", hash = "sha256:2390317a7de5f68fb9594f9eccbe55183ee5f40a7efc59c827c5fc2d4abce508", size = 19159 } wheels = [ - { url = "https://files.pythonhosted.org/packages/1b/41/a15fd222e8f9b28ab18440ac3d4c2aca98c640f2e1456dbc018c451c7556/pyobjc_framework_PencilKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:dc05376fbc5887391ff4e778b6f4b2fa20264aac58cd5fe5f47e4930186c1674", size = 3653 }, + { url = "https://files.pythonhosted.org/packages/4c/fe/94ac0bfe7a93dadf3cce2b9893b7a659e8f2db4faadafb52c7ea04394a6a/pyobjc_framework_PencilKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:680a17eb204db9741545259be29e747f0fc0e35ae9c8ba889ffe4443236b19d8", size = 3660 }, + { url = "https://files.pythonhosted.org/packages/0f/cd/ae0f42e684b7be5924de8f7815b6e8482c1eceb692cec69fe3541c2a6677/pyobjc_framework_PencilKit-10.3.2-py3-none-any.whl", hash = "sha256:a0780237de28e1cade0f3533d94ebf0c4844ca809eed3dea70e94d98ee708251", size = 3656 }, ] [[package]] name = "pyobjc-framework-phase" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-avfoundation" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f8/7c/57e7a130932027f11ce8bfb68e8a6a910b9ec11c8bd4647605d0c6ff1ade/pyobjc_framework_phase-10.3.1.tar.gz", hash = "sha256:5be2ea5d36ea9620f5278f5ad3b02cc243511be3b137aa28b1523e8f6da54f99", size = 43938 } +sdist = { url = "https://files.pythonhosted.org/packages/67/ff/088a94515efb4c9be86bc45ce1024a924f71a7a836462a9177da42447c0a/pyobjc_framework_phase-10.3.2.tar.gz", hash = "sha256:87a0f4d2e6b9db186fda3e700cfc52bc15a9d38f53f5cb3335be93c75d7cccf2", size = 44249 } wheels = [ - { url = "https://files.pythonhosted.org/packages/82/5b/948fcead87fc9badb4de137829423ce53f1d03a5f8d873e4d0cea01745da/pyobjc_framework_PHASE-10.3.1-py2.py3-none-any.whl", hash = "sha256:eec5a38983d65a4cf022dd01dc6f290ec163399e79592203443b4115ea3c8510", size = 6233 }, + { url = "https://files.pythonhosted.org/packages/d8/6b/cdd547dc958ab14cce0843f8c848c136b9063598a32ae412c0a1ce7d6c06/pyobjc_framework_PHASE-10.3.2-py2.py3-none-any.whl", hash = "sha256:24791034d0c81023d8fd4d22a0373ed508a1624410c1364d4db12c615f6f0247", size = 6236 }, + { url = "https://files.pythonhosted.org/packages/36/c7/39d37817d10b87ebbfdc10005d41b79ead25782b3a6d8737556450093d97/pyobjc_framework_PHASE-10.3.2-py3-none-any.whl", hash = "sha256:a5a6672ed560b264e7f89ca5e50fcd5f3d2a3c5bd783cf5e85468d1efc8bceef", size = 6231 }, ] [[package]] name = "pyobjc-framework-photos" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/4f/e3/764707657dc2ee986510ac137dfcb98ca3498fa21ed7c79e711df3b85736/pyobjc_framework_photos-10.3.1.tar.gz", hash = "sha256:8d538c399720062523694f7669aa82dcb75a7b192fb4aca93cf782d04e4c39be", size = 74176 } +sdist = { url = "https://files.pythonhosted.org/packages/ce/29/43357f5a2a57972bd4cdd4bbc5a914cee4e4eb1f9a9ba6b0aaed2f6308e3/pyobjc_framework_photos-10.3.2.tar.gz", hash = "sha256:4aa7180a45ef0b5245a277980c2be32195d6b512d66f8abbfdad480466e06434", size = 74548 } wheels = [ - { url = "https://files.pythonhosted.org/packages/03/e2/7e46258b4c0f75a48e639bc1423830c34067b101bd5512c80db4a6554b1f/pyobjc_framework_Photos-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:9a382201dd14a3f3076d8689267d63520803a1ad1716fb66df5c1bb578bc6384", size = 12793 }, - { url = "https://files.pythonhosted.org/packages/ef/20/3fcc8803c0503bfd7e7f2fb81889d1f41f12cc1660a1b37f31743d271821/pyobjc_framework_Photos-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9c72efff52bed483b0dfaa569a21355f7620f25672a0245c5db8c1df86abc7b8", size = 12850 }, - { url = "https://files.pythonhosted.org/packages/3a/14/8eff6e370acfff5e75902ccb66cbea6d609e54dba87501570642b44cae2e/pyobjc_framework_Photos-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:4841948ce4fe3d5060ec08e760b0b6e476e923782f32b9af2ffe8eb2a4fbb385", size = 9744 }, - { url = "https://files.pythonhosted.org/packages/17/25/83a32b4743b63c7262c476bd0acbca8304e942483e599acade70aa0dc345/pyobjc_framework_Photos-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:50710703d18d0b13c48e02ab4edcca72a67ee20aac2a75664bfb725c8cb3a677", size = 12687 }, + { url = "https://files.pythonhosted.org/packages/21/f0/98218afb34b42b4fbdbd62aefc3dcf8b706e16dea05e1b963888e150c28c/pyobjc_framework_Photos-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:7b1d3815a81efebfc24fb8cc70ba6fd49a9f261496b6a026a94d19e086b84fea", size = 12418 }, + { url = "https://files.pythonhosted.org/packages/89/de/6335cefc3dedd876a2fa30bfb86ef3f83fc8dbd088c32d925b8735b65770/pyobjc_framework_Photos-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:2a8453c5069ae6929bbc0880a0979d4b72986541366e2d0c4665c0874cde832a", size = 12211 }, + { url = "https://files.pythonhosted.org/packages/55/60/e5bc1fd38551bf8bfa90294fe196144c0b6e0a1202c0e5684be08bae339a/pyobjc_framework_Photos-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:95b88aaea9f96489195a9e9957d02588ed1968438998d2afcf0cb6b15d959670", size = 12170 }, + { url = "https://files.pythonhosted.org/packages/26/32/a19d5e44d99b2a9b7e0e74ff3aca8256c7513c4258da873695454da8b658/pyobjc_framework_Photos-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:fa8edf4669c3ef6561f3cbafda9776f4183b358f492a77c67da1a8f515f72634", size = 9632 }, + { url = "https://files.pythonhosted.org/packages/af/0d/dd7e6bc36b19610ed4a26db28814992d1c72136a246f06d82f8ae9bd5e07/pyobjc_framework_Photos-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:83bf410aa6e6dfdd0168df4ce2962cdb2a92c73e8422962642010467d0fd1749", size = 12574 }, ] [[package]] name = "pyobjc-framework-photosui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/aa/34/6ee322114383d37c4921fc15e41ba4595347f0b108e14d6232e540d77c5e/pyobjc_framework_photosui-10.3.1.tar.gz", hash = "sha256:e9eb961c6be1f3e00d76cc0a8ec15b50ac0692bd5b5c86268ad08f6d09cf390d", size = 38914 } +sdist = { url = "https://files.pythonhosted.org/packages/6a/78/c30494b5207d1ece728541ec21632317a054a6bfb8aecdac770c79d8ab72/pyobjc_framework_photosui-10.3.2.tar.gz", hash = "sha256:0cafb53b9c6014c524ee230d3278cf224e44c885e1166524db9160f8c928e6ba", size = 39302 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b4/69/422c3f59a3d9f632aaa2440d2cf7f80cd22b6930ef965a0892923bf8b879/pyobjc_framework_PhotosUI-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:88665561d9ef7e9fd2ceb4e7e5da0fc3412a397d4c48a2121250462781106d30", size = 12574 }, - { url = "https://files.pythonhosted.org/packages/09/69/5de76149d57fd1a22cfa8be06e8f7bf76a334e488abafbac6e39773942ac/pyobjc_framework_PhotosUI-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3254605c33e090742d0303a3b5b8ddab5489dbf28ea8a287566106e6887ee561", size = 12626 }, - { url = "https://files.pythonhosted.org/packages/95/3d/c7b7147d02ecdea07fc0ec3bad0c3f4eafa4297e83e02aa336ab4b962d94/pyobjc_framework_PhotosUI-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9370e36bb4ae1e7128006ff6a6b43448ebf8586784749e2a1fa30bbb2ef8fedf", size = 8573 }, - { url = "https://files.pythonhosted.org/packages/65/f2/df518ac867baff73fbf91f7a9e97165065f9db96785c45b2bda6d68d5774/pyobjc_framework_PhotosUI-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:a756c3bbf945ceaa7d184c41053c2a9c1a89b32ffcdf752664b1180927b22cb2", size = 12506 }, + { url = "https://files.pythonhosted.org/packages/39/c4/aa47621bbc5cf7dc3542566b8ec3e722b595767b9afd8584c54cfc1cec4b/pyobjc_framework_PhotosUI-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:6dbbca4660d1d736694a123d15eecc43f004133ccb6cc761615c30982a37bda0", size = 12575 }, + { url = "https://files.pythonhosted.org/packages/69/f2/acda4a9592c414807a29193ded54c6d8d5cd4f8b34fd18dda2551345fa4f/pyobjc_framework_PhotosUI-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:574f03450feb9280904c32dc97c11a00aff1ddcf36250b4d8b100fc14509a7b0", size = 12327 }, + { url = "https://files.pythonhosted.org/packages/3f/07/225f0947f310591b626f407dcb59300bfcac2c212d015d279cb4a49421fb/pyobjc_framework_PhotosUI-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ce192ce1568b04878478ff9d6e50f516b72d919dcd88985b184e762e0661e4cb", size = 12310 }, + { url = "https://files.pythonhosted.org/packages/cd/57/826848c90c049b39f231e2f2b408049b8069b4efa2753f47a1ff951600d5/pyobjc_framework_PhotosUI-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:afc8ecdaddaf184b220b784fe0ab74335207768511a9afe3bdaf1342e5911e6b", size = 8397 }, + { url = "https://files.pythonhosted.org/packages/18/f5/694afc2ea709a3b2b3ecd0a52f9f1fdbe90301b9dd116a75076dcec918a8/pyobjc_framework_PhotosUI-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:a45eb45ab5a6115afd2dc6d68c4b3cc85c2a668b32f91ac2ccf399035a0cb571", size = 12279 }, ] [[package]] name = "pyobjc-framework-preferencepanes" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/8a/56/da2d75cf4900a62cafde27d875bbe0dc0e9c3624b6d4c08adc69d9336033/pyobjc_framework_preferencepanes-10.3.1.tar.gz", hash = "sha256:eef150416a39a0109a8a37e9978ac4a55ad0b125ef6053a7431524ede5c69783", size = 25330 } +sdist = { url = "https://files.pythonhosted.org/packages/49/63/d76bc32761d619cadb93fe37054c5f4f7d7e805b68e565170d5412452253/pyobjc_framework_preferencepanes-10.3.2.tar.gz", hash = "sha256:e1cee875450f43700cdfc47d6e9f636b82df31420a0bc29b213670a773225cd6", size = 25669 } wheels = [ - { url = "https://files.pythonhosted.org/packages/78/54/e2d55873233287481d11f9d92254e0fc8a86d2c37c062186c1867d41c7a6/pyobjc_framework_PreferencePanes-10.3.1-py2.py3-none-any.whl", hash = "sha256:319b58b6c8f876f67e879b3a4f74afd6d892aa43a7f9ef4320819265b281c9e5", size = 4384 }, + { url = "https://files.pythonhosted.org/packages/44/0a/2b0a8c01542d23e509be406bbdc33b79fc405c1484c637d0b46e55a8436e/pyobjc_framework_PreferencePanes-10.3.2-py2.py3-none-any.whl", hash = "sha256:3fdef9a7f8c4e0d3d63cd25879acaf9baf273a702734dd6a507eb8d892110794", size = 4384 }, + { url = "https://files.pythonhosted.org/packages/6c/43/6e2b97312d15e375b16150dc31e1200b8efd54c4b69428aae58b58108c22/pyobjc_framework_PreferencePanes-10.3.2-py3-none-any.whl", hash = "sha256:e5a78d01706c23eaf90eea941cf10dfb01b4a53324a996561dba0b7db0587c5c", size = 4380 }, ] [[package]] name = "pyobjc-framework-pushkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/30/d6/2fec9c42a76466902b14afeea7a9c8cc2c90aeafd3f3dbe72af474681dc5/pyobjc_framework_pushkit-10.3.1.tar.gz", hash = "sha256:cc4da5382cf48c29637af1c633490203358a6ab0c76f0c006079cf144eeb9568", size = 19167 } +sdist = { url = "https://files.pythonhosted.org/packages/b4/41/8e9e021c0168e7c8460038bd3f3289232b1b9429c002bc981dbb8bba2a68/pyobjc_framework_pushkit-10.3.2.tar.gz", hash = "sha256:852e8a19424b8a83973f7c3f1ada325871ec2645071abf519712ead972dd0395", size = 19530 } wheels = [ - { url = "https://files.pythonhosted.org/packages/37/33/0b2cf5dadd448498490a31e52dbbbc6015a62402128fb4e7aac90f3d3889/pyobjc_framework_PushKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:39e21ac2b9a529e99d6d33c439c96d4d2bb97d2c56bd6d92b2c5bd497e925851", size = 8204 }, - { url = "https://files.pythonhosted.org/packages/3d/cd/51e1ac0bd23813b6e11a7e1363a104096adc6d56bd2a5f9180014e110d8b/pyobjc_framework_PushKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:e20f94ad3fbebf34c613c880e655d0f918d891b0a70763f99bb5d11e0af65c73", size = 8256 }, - { url = "https://files.pythonhosted.org/packages/51/a5/5fad3f215db4b300f5e3efcaa1b1393bcd6c14a141435102798ff7cb2766/pyobjc_framework_PushKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:79f0e66b88473e7fdef304dce06d7d63c3e5e38b12deafcd06a5bd3506ed9398", size = 5969 }, - { url = "https://files.pythonhosted.org/packages/21/ab/c15351016775f0134b3d500f599d07fb20fffae7ec85c089e1ee79f047c9/pyobjc_framework_PushKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:ee90959fc7b171930cffdf07cb7865d56a2cb4b723c5826ccf95d6e865dee4bd", size = 8630 }, + { url = "https://files.pythonhosted.org/packages/f6/0e/baf8a28268e0326e808ca85f406b3f593e0222bdeadce0309c128f3dea7d/pyobjc_framework_PushKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:005ba32ecc1c50b1ddb9bd28bf224fe8fb012fd7fe9ac01c76792ea55c0eb098", size = 8344 }, + { url = "https://files.pythonhosted.org/packages/3e/67/b8083c6f4565d2b3056c68381d5455bee293568561522883973d598881b1/pyobjc_framework_PushKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:9231a7b66cb672f26500fbe9a6f3cd251ff2ff3e4def001b9f153a524c1bbfbb", size = 8136 }, + { url = "https://files.pythonhosted.org/packages/d0/ca/48ec49977623a24dbee4a8b0f6bfa5ea06e6c858300c772d285b9cb264c2/pyobjc_framework_PushKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:d254b0ddd529e38bbb43b487b3ab57c4e6ada810337a5c8459976998e421ede6", size = 8109 }, + { url = "https://files.pythonhosted.org/packages/bc/92/9f266c225113a434a0e769da36c494a9d1fff47ca460edc6edc9db0c731b/pyobjc_framework_PushKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:f7ddc930a2b9966793c6412b008a4b4eca39e8062a49ca5028de00b96b56376e", size = 5874 }, + { url = "https://files.pythonhosted.org/packages/02/a0/12ded7d84cc40af56bc0880cc17a77c609ddcfd3c3523822d1f7ca27d46e/pyobjc_framework_PushKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:3ca308738b1b339873ca833678ea42b3a1b3b3f14c2e9f0d065e0156b00dfeea", size = 8578 }, ] [[package]] name = "pyobjc-framework-quartz" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f7/a2/f488d801197b9b4d28d0b8d85947f9e2c8a6e89c5e6d4a828fc7cccfb57a/pyobjc_framework_quartz-10.3.1.tar.gz", hash = "sha256:b6d7e346d735c9a7f147cd78e6da79eeae416a0b7d3874644c83a23786c6f886", size = 3775947 } +sdist = { url = "https://files.pythonhosted.org/packages/eb/bd/d78c845a6f0640975e837d1d0f04d6bbd95bb88b77dcee22482144ac5ad0/pyobjc_framework_quartz-10.3.2.tar.gz", hash = "sha256:193e7752c93e2d1304f914e3a8c069f4b66de237376c5285ba7c72e9ee0e3b15", size = 3776754 } wheels = [ - { url = "https://files.pythonhosted.org/packages/7c/29/026a4cb41bed4bbd090b320e2027dd2fd9226f35723af4bfea989a0924d7/pyobjc_framework_Quartz-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:5ef4fd315ed2bc42ef77fdeb2bae28a88ec986bd7b8079a87ba3b3475348f96e", size = 227245 }, - { url = "https://files.pythonhosted.org/packages/62/b3/ba33c4a3406fec862a5107da03d8daacbc11daa355f446a8849e1bf2c73e/pyobjc_framework_Quartz-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:96578d4a3e70164efe44ad7dc320ecd4e211758ffcde5dcd694de1bbdfe090a4", size = 227260 }, - { url = "https://files.pythonhosted.org/packages/0f/08/215f38dbebfca74f49276a9471531f360b4fb7888106f78953909919ca53/pyobjc_framework_Quartz-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:ca35f92486869a41847a1703bb176aab8a53dbfd8e678d1f4d68d8e6e1581c71", size = 227195 }, - { url = "https://files.pythonhosted.org/packages/ce/7a/78b512061af37a4466607143a9876192f04c5810b16e4cb097fbbfa02dc5/pyobjc_framework_Quartz-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:00a0933267e3a46ea4afcc35d117b2efb920f06de797fa66279c52e7057e3590", size = 226586 }, + { url = "https://files.pythonhosted.org/packages/6d/fd/60864ad81d267978b64341d298e5167a973b9d0121bd01f9ff47ad1902fc/pyobjc_framework_Quartz-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:5574754c23895269751c2b78d2d2b33b6de415f562534a1432484558f0a5a293", size = 209295 }, + { url = "https://files.pythonhosted.org/packages/e5/0c/465bb4415be16d96106f972500bc0fba5cd8a64951e24b37467d331e68f7/pyobjc_framework_Quartz-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4697f3ef1991f7877c201778005dc4098ced3d19d938ebf916384c8f795488d3", size = 209298 }, + { url = "https://files.pythonhosted.org/packages/ca/92/29f0726d1031f0958db7639ab25fd1d2591b2c0638f3a7ca771bbf2cceee/pyobjc_framework_Quartz-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:604188ee8ff051ffe74a12cb3274403fe9c3fa02b15fc4132685c0f74285ffe5", size = 209183 }, + { url = "https://files.pythonhosted.org/packages/91/31/514b9b7c20fb8347dce5cdaa0934253a9c2c637d3f05b8f6ab1bb7fbbb4f/pyobjc_framework_Quartz-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:9e27fb446e012c9571bc163cff5f3036e9e6fa5caca06b5d7882ad1c6b6aaf0c", size = 209167 }, + { url = "https://files.pythonhosted.org/packages/ed/8f/6c23066cfc3c65c9769ac0fb9696c94ce36dc81dba48270f9b4810ee72d6/pyobjc_framework_Quartz-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:d5bd6ef96a3d08c97cf2aca43a819113cdff494b5abebcedd7cf23b6d6e711f4", size = 213534 }, ] [[package]] name = "pyobjc-framework-quicklookthumbnailing" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/29/04/ef2db0a73af5b2530de728529f5d637bbe5f09bf4165493db0ab3df2018b/pyobjc_framework_quicklookthumbnailing-10.3.1.tar.gz", hash = "sha256:ee26be78df9ce46ffa6f971f4ce167a0e98f38167aeb86cfc1b41270f15c96a3", size = 15534 } +sdist = { url = "https://files.pythonhosted.org/packages/a9/12/d8dc4cb3be565df9e245bf8b234a07a74aa7d0966e643e17a3ed2a645bc3/pyobjc_framework_quicklookthumbnailing-10.3.2.tar.gz", hash = "sha256:f6d35495fdad885ae928a074eb9b45d2f426cf161a557510db3fc1f872a76ad1", size = 15877 } wheels = [ - { url = "https://files.pythonhosted.org/packages/bb/d2/6c199cf69d5402cd4317600e7a4f925964a2eb9df44e4a09437af5dbf037/pyobjc_framework_QuickLookThumbnailing-10.3.1-py2.py3-none-any.whl", hash = "sha256:e5095c0ad8cf1f91a6ed9aa5c4fb7c9b1da122d495ce131bae8d7faa06da9505", size = 3814 }, + { url = "https://files.pythonhosted.org/packages/17/f1/7bec1fb48497f98727a22e3750e21691dae8a00a121f1bccdae9a9463047/pyobjc_framework_QuickLookThumbnailing-10.3.2-py2.py3-none-any.whl", hash = "sha256:fa3f98ae2e014ea3afeac071aeb9eb29ee405d4bf122980de11de0b9ce18b908", size = 3812 }, + { url = "https://files.pythonhosted.org/packages/07/31/45aa6af2ff642c19d8c189a5b7386ca837538fe72bda4f8bfdb4149edc3b/pyobjc_framework_QuickLookThumbnailing-10.3.2-py3-none-any.whl", hash = "sha256:9d6a7c7c733a447d8076813fdf68532e5b5d81d75af85cf64efa32b992d52dae", size = 3805 }, ] [[package]] name = "pyobjc-framework-replaykit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5b/37/dbadcb487150f4ea1a691c83d09f1ed58463bed6b4fa54dca6aeb1584d06/pyobjc_framework_replaykit-10.3.1.tar.gz", hash = "sha256:21762c8674b629fb670c3cbd515c593f1b5f98ee24ee4834a09055cb08849068", size = 23417 } +sdist = { url = "https://files.pythonhosted.org/packages/ef/b1/b8539b171c6a335378928e077d5a8f05e97d43d459c4f1578cd7ed82ac83/pyobjc_framework_replaykit-10.3.2.tar.gz", hash = "sha256:05c15651ad4051037e7647b04e0304b288fa4663ab182d5848958a33a3b6c136", size = 23771 } wheels = [ - { url = "https://files.pythonhosted.org/packages/de/0a/173ad3f0ae54f172b59a351244a7b049cedca96d2b9b88d2609ea611dd1d/pyobjc_framework_ReplayKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:1d89020e770763947c0e3e3a201b541b81b455656e574d390ad0b0e32a67640a", size = 10127 }, - { url = "https://files.pythonhosted.org/packages/36/c9/493a621107b3d2540140acfa70e72fb9f340485d38b475f1590d57608bc9/pyobjc_framework_ReplayKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b753658337d25964acb83f5edc465b772f276b4c88fc8bd03ad633b4466f6bd4", size = 10163 }, - { url = "https://files.pythonhosted.org/packages/13/3f/3cbeb95beb520422d20d050ae107a8238ca118c36eeddad645248255ef12/pyobjc_framework_ReplayKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:fafbc37ef6e44ac5019b4a4b751b3de6d5983500705e8dea2fc62134f8c0dc24", size = 7153 }, - { url = "https://files.pythonhosted.org/packages/5a/7f/0fcd8020fb8b29e31c42ce0a672b58c4e3b41d8a587ce621e06a68d89b0a/pyobjc_framework_ReplayKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:22ca748ae8325e41e0526f13822d2c477ab879cb2d454eee1db47ca91353c986", size = 10047 }, + { url = "https://files.pythonhosted.org/packages/2d/b5/f5381f2344d50726ea023f0f6151481c1ab25cca744d69345029ff484aa1/pyobjc_framework_ReplayKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e8d1143119f9c707585baf65b1c2dd19445ea5be609d82911609f3cca38309d2", size = 9636 }, + { url = "https://files.pythonhosted.org/packages/8c/aa/59e930709f3e1ec0d1843cceb11c9f76ecd4760868563fe808fe94a00615/pyobjc_framework_ReplayKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:fbcfae19fbd4f066c1135baf07c0513b6edd8b4392a3b18b44e31567f63e35a4", size = 9456 }, + { url = "https://files.pythonhosted.org/packages/21/06/cf598b30960b5fee4189c83348df62152aad7d9625a33134844b4013f81c/pyobjc_framework_ReplayKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:31aca6e24618d0c65bbaa4e51fbcdcf41d55287e2ebd549fd91c8e9f1f02a83c", size = 9440 }, + { url = "https://files.pythonhosted.org/packages/7c/1b/0951dd465b3bc7ffd43c8a935abe92137bef71a1c0a74cf717fc7cc039e4/pyobjc_framework_ReplayKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:872cf7f8c86a393b2f5ee90e34732a6a026e3b6f9f76195ab9691954b7a3de79", size = 7040 }, + { url = "https://files.pythonhosted.org/packages/87/8d/8173d946668af4103648d39d4229b6eaba7a0eda44a6ac294046d6cbc70b/pyobjc_framework_ReplayKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:136373b12d38c497c6e2f4f8b1f6bd66b2c534903475f07d5ad3c9912659c757", size = 9900 }, ] [[package]] name = "pyobjc-framework-safariservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/69/63/c12192ed8b5a08cc5313aef6d4e6d86d9d17171d4325a7f6e2f8c0da7a19/pyobjc_framework_safariservices-10.3.1.tar.gz", hash = "sha256:9c5278576e7c28c3d93e74ebe5d39d07c5c91572ddf03ea01cc45d9a06dc8d0a", size = 29436 } +sdist = { url = "https://files.pythonhosted.org/packages/af/ae/b9a7063c6ecce49efe37298b0d80a00aeb51c7777898a574d78791181046/pyobjc_framework_safariservices-10.3.2.tar.gz", hash = "sha256:3601d177ac3900c681a1dd77a3dab28341c40705572006f3fe7834c9890bb708", size = 29867 } wheels = [ - { url = "https://files.pythonhosted.org/packages/6c/43/e7fd640b320252360e5777b4544dd18a7b507ecd4e31e8a54b877dff761d/pyobjc_framework_SafariServices-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c8afb977b5858d3fd27136146db46a9f2ec43c35f5af269dbcb51c46a422dd7e", size = 7405 }, - { url = "https://files.pythonhosted.org/packages/af/ef/5a28fa9b7e9aea7e011e58f461b60f0fab27488859b1f83b556fcc4c5151/pyobjc_framework_SafariServices-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:adb0332cbfa086892524efa253c873ecc4a8b00c60db45be3362759c4b4ae87d", size = 7461 }, - { url = "https://files.pythonhosted.org/packages/e4/62/5a2293203ec1b2c787a33bb0d7ee8a3cb9e4a6aac455b436e39915f362f8/pyobjc_framework_SafariServices-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:7a171f08527c6bd297633e72bc597d68ec74419b5315f8c8122311537a8a6340", size = 5942 }, - { url = "https://files.pythonhosted.org/packages/a7/71/2dcd9ba1b7bd51619db281ff74cbda5ab1a49225bebb8e19ff5ab0556eda/pyobjc_framework_SafariServices-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:aaba0ea92410820d94fef0b93d337478f0e416967cb2aa4e667dd4d1bb561c1e", size = 7461 }, + { url = "https://files.pythonhosted.org/packages/fe/05/b0dcf3b745d87c5b38e798fe1b11c8cfbd1c5de477c5c3a6f42d8c73867f/pyobjc_framework_SafariServices-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b732b54f9c5f168ca475f5e2d3f8542100c42e08d90946d097ff46aeeee08750", size = 7471 }, + { url = "https://files.pythonhosted.org/packages/09/b6/a9bf1642528f19f0a4c48696e92adcb969d6e04bb6051228ad71da928f0e/pyobjc_framework_SafariServices-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:afd1cce5f71f1d9c91c092c86e2d0b48fbfdc27793c8aab0222aa727e2440f10", size = 7373 }, + { url = "https://files.pythonhosted.org/packages/d5/74/ffdefe977900ad26c494cf7a5ee0ac1ff4164ca10f7f20baf2308450bfd6/pyobjc_framework_SafariServices-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:4927005cf9da3e270cb465d98a0178e025f224daaeabd7b119cb4994c2cb8eb7", size = 7371 }, + { url = "https://files.pythonhosted.org/packages/2b/a8/6249178c2fe9ece375f782b4a0f6c1361e23d5115286b195bd69c4948fb5/pyobjc_framework_SafariServices-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:085c78a57fcf98675f48624c4a8d62a2a97681233d7bd003c914a091b8893b72", size = 5869 }, + { url = "https://files.pythonhosted.org/packages/24/5f/e9efc48646ea1a3d589c26e2a397cc76fb587b97c39414a32ebf294eb05c/pyobjc_framework_SafariServices-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:6e4ffcbfe31dfb553bb061d1dffdfa551069ef37595d4d663943a2a57cc651f7", size = 7453 }, ] [[package]] name = "pyobjc-framework-safetykit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d8/db/1d099ed2b3655caacad70315a6789b47277f9939f73d4f13810bf27f9e29/pyobjc_framework_safetykit-10.3.1.tar.gz", hash = "sha256:8421be801ce29053e67a2c91673913562c3ad9d4bb1fbaa934a3a365d8bff12d", size = 19035 } +sdist = { url = "https://files.pythonhosted.org/packages/70/b3/b5fa5d14cc95c52a67b3e676a8badc671057bd3b483dcd2dd37b37bc9c2b/pyobjc_framework_safetykit-10.3.2.tar.gz", hash = "sha256:d6902abba592532ae7c4864d16df9cb88dab2451e9fcecaa48b5e01948dd84fd", size = 19392 } wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/13/35bfd2d99a20f035d8c1e0c266b2c5d90c64f8f075d6d70743c8b1fa4118/pyobjc_framework_SafetyKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e554cb94bc2f89f525ccaa4ed827390d188eba8bb24049acdc764f3dfee9af08", size = 8039 }, - { url = "https://files.pythonhosted.org/packages/9c/86/7f33005e00824520fa611bcc63ecbbe55979b94dc1599df44d1c8a7ab92c/pyobjc_framework_SafetyKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:8eb160cc4f3b7e6d58f2eecc205f016afd5f4278b9641e49d5ef9c4df7b6df8c", size = 8089 }, - { url = "https://files.pythonhosted.org/packages/55/84/79d6e20377c6cfe07f8289c4dabeda78c5a8c455c465a5793c6e2a4b5d6f/pyobjc_framework_SafetyKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3674b92d8b72d0a6006cb899ec2f605d1d5a6a59ff2d90c51ee2ccfd0f069d10", size = 5921 }, - { url = "https://files.pythonhosted.org/packages/58/50/d8bbb45c931ec9c5205bc1fb3d03336e6c992b90b9444b3c6ed6be0069c7/pyobjc_framework_SafetyKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:ac700aa2cbddc8a31626815886e42d0d1591572914c2b15df2dd07871ee84568", size = 8324 }, + { url = "https://files.pythonhosted.org/packages/03/9f/83db1f9eedf7e2b85c46536dfba05d4ba8bddb2893a8a430191e33a09d3e/pyobjc_framework_SafetyKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:0d90d2224012d5b521b0431170d918ab73d00da037935dea652bfba30129a51a", size = 8123 }, + { url = "https://files.pythonhosted.org/packages/9c/f2/abffc58ec75a3426722601acaae5315077b201e595ef849c46e659755e2e/pyobjc_framework_SafetyKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c49962f2d082558561750f46b776433dd53828835ebd9a8a5bb0f6069b0b9c8c", size = 7945 }, + { url = "https://files.pythonhosted.org/packages/3f/04/ae861242521826bb8bb4585ce05050aeb26bfd8ecb4d2748204cf968111f/pyobjc_framework_SafetyKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9c2d51465702538e141b44822bc729d8f5f74b03c949bd998a123173f33753a0", size = 7916 }, + { url = "https://files.pythonhosted.org/packages/d6/cb/e2227d08b809e71a59f28a8af9008845caca5c2d4a269b84a4f77af68617/pyobjc_framework_SafetyKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:04dd10134b8ead357d8f1cbbd643cd0fc81faf1b78c9825a45f9d2cde87c7edd", size = 5818 }, + { url = "https://files.pythonhosted.org/packages/b4/d0/b3cd5cb3c8f71f392a43dfe74a9088b13dcd3dbacbdbad6f4a89fefb39fd/pyobjc_framework_SafetyKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:7dc3810c60614499da7afe460fe779f5b1c5c70ba22076760fdc9706ee52efc4", size = 8238 }, ] [[package]] name = "pyobjc-framework-scenekit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/23/cb/0451b9463cc1d19eef523dfc6098c5d774cbd5f4cae9fbc6884b17cd5cd9/pyobjc_framework_scenekit-10.3.1.tar.gz", hash = "sha256:99cf0db3055d9bae0a8643400e528a8c012235db8ee6a1864ea0b03a0854c9d0", size = 155276 } +sdist = { url = "https://files.pythonhosted.org/packages/dc/60/9140bd2f59c00c05a549cad6f6ef303d1ea12bf39ac70cfd9c244ed775a9/pyobjc_framework_scenekit-10.3.2.tar.gz", hash = "sha256:451b02c3b58f78adeb06239f9e4d2ac8545277056e5945eca3592b04c5f3ed67", size = 155651 } wheels = [ - { url = "https://files.pythonhosted.org/packages/46/37/d10538c3547f8aac05fd8d7b519ce46f54ed1eda6f77686e319f0191a0ee/pyobjc_framework_SceneKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:7a108ef1a660a7928d1d44e415c84f544d296745d5350235addaab82777b080a", size = 32978 }, - { url = "https://files.pythonhosted.org/packages/cf/73/79c969fe840aede23074ba229c077653e778c7a6735709a642c17c870862/pyobjc_framework_SceneKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:08fb5dd8c10a5624a0bf3dd9f448b2fe4c8b9c7c3c98708d28b0b4c72dd2a107", size = 33193 }, - { url = "https://files.pythonhosted.org/packages/4a/d0/b9de585d75d71666026deea22bf5249eb7c2ec0394489239db1423f4743e/pyobjc_framework_SceneKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:08601223416fa048d9468f961b170e3c2009d7e2434eea92c12ee12f6c672961", size = 22568 }, - { url = "https://files.pythonhosted.org/packages/44/17/6c72f136bdd00e2bb7093247db6be90117f9a0512cc3a15fa56073886843/pyobjc_framework_SceneKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2984a543221190547bff603a6a59c931cda7099b91ac7412e11c962e8f6c3bc1", size = 33117 }, + { url = "https://files.pythonhosted.org/packages/b0/a8/9da0cfa921a6797c131ea30b8fd0d9f1f2698cfeb091054e6b483319117b/pyobjc_framework_SceneKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:02081f992ee2ea046aec269b69f496ce226b6216a3a9772dfafba59dedd4c86d", size = 32801 }, + { url = "https://files.pythonhosted.org/packages/f9/f1/7045b96b6e13dc3c85852b104dfe4aa8af220032639536cea7cfcfc822c2/pyobjc_framework_SceneKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:9a344a455136e186c9ecd92cc195aa64b41e9686db1890ae646499e654589c21", size = 32468 }, + { url = "https://files.pythonhosted.org/packages/ed/73/56b9b0a58b3b71cd2478bbc7b6abdbcaf14fde59874b77cceec10b5cadf1/pyobjc_framework_SceneKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:0984cd93e2cd2aabcd4b259a15dc24c17d39e195bfb7ede060f5fc21cec680a8", size = 32466 }, + { url = "https://files.pythonhosted.org/packages/8c/a0/baf35780cdefcda65b0f7d730bb1ec18f9378dee93824baa5d81313a6cb3/pyobjc_framework_SceneKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:8fbec8b31375bcf3b146198abaece8cfe6bbbffab642c013dfb4ba0092ae208f", size = 22074 }, + { url = "https://files.pythonhosted.org/packages/f2/41/ea3461de6bad2004ac4e5ba332dc7fd2de2bc5e01caf5b3014e31a11844d/pyobjc_framework_SceneKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:4eee24aca5fa88d7a5dc7cfd2f3dfcbf215556fc633ae67ac3c68da9e8a805a5", size = 32591 }, ] [[package]] name = "pyobjc-framework-screencapturekit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-coremedia" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d4/20/51dbb697dc5d3bc522771afa375e05370e6357b49dacf1bafe7dae37908f/pyobjc_framework_screencapturekit-10.3.1.tar.gz", hash = "sha256:cb1a2e746e0f98ea14a11ea35d059d38587340beeeb905812085e2c7ceb14e0c", size = 34829 } +sdist = { url = "https://files.pythonhosted.org/packages/a5/f6/0f9a509f86d5b876ebdbcf4b96a01a824ecdaf4f3e8ff9516f7e7c13abc9/pyobjc_framework_screencapturekit-10.3.2.tar.gz", hash = "sha256:948d6663243e141acfc4ea1499f4690e5ec51d9cad9db843d5450548a2a7028f", size = 35192 } wheels = [ - { url = "https://files.pythonhosted.org/packages/dc/dd/2f5db2192817a2af7d6b3057e91b57699b6437694f17b80d5552ef40928d/pyobjc_framework_ScreenCaptureKit-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:e69a1e15502543c80c084399d7e06d6ebfb089a3afd248860e24dd03e654456a", size = 11399 }, - { url = "https://files.pythonhosted.org/packages/1a/67/ff55c30ac3508f3c1214a084f321d2268c56d15fe5be436591a5ee24eb7e/pyobjc_framework_ScreenCaptureKit-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0953f8d43bd7f0012decebe34401d361c4a64472190960204b3214e4850e4ef2", size = 11398 }, - { url = "https://files.pythonhosted.org/packages/b2/c7/25af6462a4f161dca7ffb375348716b6cb271c29e356bbfd4e4693f87b69/pyobjc_framework_ScreenCaptureKit-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:a80928dc483046ac72294fd576c53f793045aad700b740ec9591b23a3ccc011d", size = 11435 }, - { url = "https://files.pythonhosted.org/packages/cd/3d/17cb4d822faf26efe04e2f0749783abeaddb86529c1af59ec8f8270deccb/pyobjc_framework_ScreenCaptureKit-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:4d8e280a076e7bc40eaa9730f97da84421b891c30f6e3fdea4f6c30bdb298243", size = 11368 }, + { url = "https://files.pythonhosted.org/packages/35/09/4dea51e73977779bdcec847983b327a682405528c5210aff0300859e737c/pyobjc_framework_ScreenCaptureKit-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:1adc08dadfc0a0ad90c904f017442866491a9c943c9d4b5865b6a241dd4707ae", size = 10607 }, + { url = "https://files.pythonhosted.org/packages/ce/2a/41de89612952e64e3c9eee4334675d8155f3bde562d262047a844689b4c0/pyobjc_framework_ScreenCaptureKit-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:050f322024ea3c19c46068a8a994eb39f70b349efb43fbe2512484a09923fbb9", size = 10613 }, + { url = "https://files.pythonhosted.org/packages/55/7e/56d2350e1068f1a7b57c3548da2bcec4d2151f1c52cb276e3e1bf097b3f9/pyobjc_framework_ScreenCaptureKit-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:d835c7cb37ae009240934cb15d9a11320031c4f2b15a15f265da684433fb6a6d", size = 10655 }, + { url = "https://files.pythonhosted.org/packages/82/27/5df394d1cc5eaf2c674699247b0cef981f89e62014c519dca4af3efb8bad/pyobjc_framework_ScreenCaptureKit-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:58d7ab9c040a130f5c196a4e64e96d8ab6a1bfb2dc226c9ed0cbe724cc07d532", size = 10658 }, + { url = "https://files.pythonhosted.org/packages/f1/59/d051ba137ccaef75e36efe981b2724457091f6bc704326cc7cd28900e7d1/pyobjc_framework_ScreenCaptureKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:9899a112b93051e7672323fa784ec1f1279a376791ce62758a75a4a94959c932", size = 10865 }, ] [[package]] name = "pyobjc-framework-screensaver" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/dc/7c/55374bae0be8632e2c76b911af3bcdfd5b5ea417c125d8268f8207c77516/pyobjc_framework_screensaver-10.3.1.tar.gz", hash = "sha256:0bbc5b574f12e95f6f6e48ced40b601e46e560ef6786845c15c57d78e6cd083e", size = 22037 } +sdist = { url = "https://files.pythonhosted.org/packages/e3/7f/b4472750bc0f66b6b43ae462e2bfccc113fa135780ab9b4e43e648f19a51/pyobjc_framework_screensaver-10.3.2.tar.gz", hash = "sha256:2e0bc1406848607931123b87a59235712c40d362247be6c0c0746b26a4bd8e5f", size = 22469 } wheels = [ - { url = "https://files.pythonhosted.org/packages/63/26/d9db1199855e3b3227bfe3c156750786f23d600055732eea2be28314b4c3/pyobjc_framework_ScreenSaver-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:31bffb17ec131509c4cc584e98328497310ea644c764b50fb6bf7850617ec5a5", size = 7961 }, - { url = "https://files.pythonhosted.org/packages/b5/0a/0eac07594070e89c796fb56858fa75f2a39dbc407e02ded06624d26120ed/pyobjc_framework_ScreenSaver-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ff25ad7cfffa116feaa117989f0a4b68dd6b7318aea4320ece6f75caf0092cfa", size = 8166 }, - { url = "https://files.pythonhosted.org/packages/6a/34/2e98bf93ba933c466f206087d31c5aec678aa13270817a8be3bf0c2be622/pyobjc_framework_ScreenSaver-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:51e5bce05a3ada526c5c19b21cfb383cd7653d78f175c5abaf500a67ddab1c19", size = 6285 }, - { url = "https://files.pythonhosted.org/packages/7a/c7/76e8315650b4d90c2ef690480fba37d75dcf5aa1c3fe177238348e6d2e7d/pyobjc_framework_ScreenSaver-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:616ffb4bac2a56108778e33be6fe75b28f19511157abc411960b72324276635d", size = 8005 }, + { url = "https://files.pythonhosted.org/packages/bd/5d/363cac3f736375c4480a2e35a2f4fcaa3dece5a63e0ec0b59bf37d1422d2/pyobjc_framework_ScreenSaver-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:45cd38353294d7b2d7c02f07d23b7be95e6bfab6e77574a0e56a8512bf6f7f59", size = 7981 }, + { url = "https://files.pythonhosted.org/packages/82/e2/4e249dcec82b09bccf1377bd9f03b57d9e26ef691bd64e2db3dfdd2c108e/pyobjc_framework_ScreenSaver-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:8cee3c2f9d57ad208fe43e4c8bfa90530ab90de876dad75b787185e2c6a3db5f", size = 7936 }, + { url = "https://files.pythonhosted.org/packages/15/ca/29f190e05f8176715c6cf40bff362ff8bd54e80a68de6c99c4f930481e5f/pyobjc_framework_ScreenSaver-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:bbcea74b13915adee1c96e9b78b27ec6c5e1130eea3ce6babd8ca4ce9cfa1ff5", size = 8013 }, + { url = "https://files.pythonhosted.org/packages/9a/07/36d055c00a729fb0ba25540ec378ef0f3b634199ce301d2c74407ccebd94/pyobjc_framework_ScreenSaver-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:b2e29925bd49a0a8d5494197110a3c0464e4d4201991dbc3f735a668de25a3f9", size = 6150 }, + { url = "https://files.pythonhosted.org/packages/8e/45/26d4d3172b3243bdf3c96cc16789d1e52944a1f1234324b05eab58558322/pyobjc_framework_ScreenSaver-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:ff407e1550771ba147e2285d46c8725f6f0433f62e40f3a33b4f3b98fdcc840d", size = 7996 }, ] [[package]] name = "pyobjc-framework-screentime" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/38/a5/b2b9c57eb364ccc1074442ce956b0052f71e903b7b944a93bc4888deb94d/pyobjc_framework_screentime-10.3.1.tar.gz", hash = "sha256:351179d5bf951aa754c72f50ba8785212adf1b26abe10149c750fafd0a3108ae", size = 13365 } +sdist = { url = "https://files.pythonhosted.org/packages/02/50/6189139ea6736443f8b9f3ff6b776b62070b967965c4292d60e121884fed/pyobjc_framework_screentime-10.3.2.tar.gz", hash = "sha256:1f57188ea57d71204a65e1f342ed34128704bcee3ff7d8566f503d87b779e902", size = 13688 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b5/00/475bee668c55ca6d39464bb80ffb7e8c3012b027183e6d91c675b4b5e5aa/pyobjc_framework_ScreenTime-10.3.1-py2.py3-none-any.whl", hash = "sha256:d4f8a0784dc7d7060dadae2e4b5aae5e1afe8bbf453ce49cbb1860b8920114c3", size = 3403 }, + { url = "https://files.pythonhosted.org/packages/79/fb/1801ac9b9209e71dc46248c73145800a5adf82581979c9819e0283d79318/pyobjc_framework_ScreenTime-10.3.2-py2.py3-none-any.whl", hash = "sha256:5b56da2b391ad73ca31a29439637b911b49424d7c6194138de45a3242313b53a", size = 3404 }, + { url = "https://files.pythonhosted.org/packages/b3/bd/6dab7269cd3e7ac2440c6afdf42b018a3abb8e0a06e4cbec3c3a419a53e3/pyobjc_framework_ScreenTime-10.3.2-py3-none-any.whl", hash = "sha256:e6667965389139f8abbbf85759de6bf11ffa8c95fb8b2dd767f80d56f7deb8ac", size = 3399 }, ] [[package]] name = "pyobjc-framework-scriptingbridge" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/10/45/ef1ae83f84555c3cf7ba18e53be9ace9f4225e56b852d7f5d79b5c516d4f/pyobjc_framework_scriptingbridge-10.3.1.tar.gz", hash = "sha256:6bfb45efd0a1cda38a37154afe69f86ea086d5cbdfbc33b3e31c0bda97537fe9", size = 20828 } +sdist = { url = "https://files.pythonhosted.org/packages/ed/0c/fff6cf7279cb78e8bd09a9a605d06f6e53a7d7d6b8a5c80f66477010d68b/pyobjc_framework_scriptingbridge-10.3.2.tar.gz", hash = "sha256:07655aff60a238fcf25918bd62fda007aef6076a92c47ea543dd71028e812a8c", size = 21176 } wheels = [ - { url = "https://files.pythonhosted.org/packages/d8/4f/33f9ddb57f3cfc88d878e2bfbe99ecc10f775bd62a0bbc3b53ec4fad709c/pyobjc_framework_ScriptingBridge-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:3a88e1a6c6b7d8935ab4baa9dcdeccb9cb08a44906bdd69b77302f48c88408d9", size = 8365 }, - { url = "https://files.pythonhosted.org/packages/10/bb/f692b524f4ff77535f6d7b4f9e54f8fa2ed5e82e01bea9506f5a78bbf9f8/pyobjc_framework_ScriptingBridge-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:66b55a9c12572f9bd6c00fd0a5aa5353354e7b717e37ffd1e843614d2fbde3d5", size = 8424 }, - { url = "https://files.pythonhosted.org/packages/cb/d6/19275587fd90c3f1d0c6eebc881f802eac1e0e63d66a0b380d63dbe01fc7/pyobjc_framework_ScriptingBridge-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:387c0720842a1285afde5b56c43d9ed1332736ff8f6119ba6c6a551018552182", size = 6535 }, - { url = "https://files.pythonhosted.org/packages/51/f3/8417c284db5b68f958d8421b331cb3d4ab4caf85a7af8110dede55b084aa/pyobjc_framework_ScriptingBridge-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:90022f44f2bf0563bf5a75669198b9d778f76ece719f237750e9c5fcb00a601d", size = 8510 }, + { url = "https://files.pythonhosted.org/packages/9a/09/1d41d5d4ac20397ec99a162b6638cdc93860810c92e739b1d57f0f0bf72a/pyobjc_framework_ScriptingBridge-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:838a1a9f1d03f110780c273c356ebe255949f6bdb6487c8bd26fa8983fdf08b4", size = 8521 }, + { url = "https://files.pythonhosted.org/packages/d3/a2/12a2444f9ee7554e6a8b1b038dea9dbc2c3e4c3f9f50ec6c1b9726e4c3b2/pyobjc_framework_ScriptingBridge-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f045ba439b8ba13febb76254c5a21ba9f76c82a0e27f0f414b5f782625f2e46f", size = 8318 }, + { url = "https://files.pythonhosted.org/packages/9b/1c/6654a91890627904f68c75d796d13e241f71a5b868f68adc36ec92662f6b/pyobjc_framework_ScriptingBridge-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9223cd568170f6842df6bdf2d6719a3719b977e91a8d8e531d1a1eb0ef45c302", size = 8299 }, + { url = "https://files.pythonhosted.org/packages/47/23/222e3b61927366ba94c3ba591b96b13f07f4b4cc52fc0b3588c822332164/pyobjc_framework_ScriptingBridge-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:dc4db637b1422c47b8aa4d33319f216de116832ef16fe1195e84e6fb7ca8f732", size = 6451 }, + { url = "https://files.pythonhosted.org/packages/ed/aa/96bb253340c58403904089ff0235da77970ec816337706701456241f95ac/pyobjc_framework_ScriptingBridge-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:0d99ba4d7ed9a538b666f3aa81bd94b298f6663361dc3bccfe2718d9e28f1a2c", size = 8480 }, ] [[package]] name = "pyobjc-framework-searchkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-coreservices" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/85/74/1ee0012987c203f6776b7ca3da12b68623d9861c96ddc9575809c38864bc/pyobjc_framework_searchkit-10.3.1.tar.gz", hash = "sha256:7efb76b7af9d8f0f08efb91543f4dba0b00261ed41abb121ada80175cc82d65d", size = 30449 } +sdist = { url = "https://files.pythonhosted.org/packages/9c/6a/586d7534ef7dd9277297d25ef96e96da5ee701cdaad1d4039c3f9219c1ae/pyobjc_framework_searchkit-10.3.2.tar.gz", hash = "sha256:1acaf21339e6583e901535f82271578b43ec44797b9b1293a3b7692deca3d704", size = 30823 } wheels = [ - { url = "https://files.pythonhosted.org/packages/a8/40/9c3231a96b55776338005ec60f278488111f4093af8bc9f1c7f17696406e/pyobjc_framework_SearchKit-10.3.1-py2.py3-none-any.whl", hash = "sha256:48ec776603e350405c7311f29d5941e0e9d6b6a75e2aec69e0acd28be0979905", size = 3320 }, + { url = "https://files.pythonhosted.org/packages/6e/2d/4110a048d6a2625547d133084ab2cb564d9f9720d0fdabdc337e67b383ad/pyobjc_framework_SearchKit-10.3.2-py2.py3-none-any.whl", hash = "sha256:e0d80867d2367b6c1b0367b9f5cb8295284608c5a589f85c0ce3479593918479", size = 3325 }, + { url = "https://files.pythonhosted.org/packages/45/61/cb4a0a1674e6ad587a6e28232192a38bd9a4bb39715ade068d434503ffea/pyobjc_framework_SearchKit-10.3.2-py3-none-any.whl", hash = "sha256:516f460aba35be34da0c216be8e3ebb34a67dfe198d251ff11c800fa981fbf96", size = 3320 }, ] [[package]] name = "pyobjc-framework-security" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/20/db/3fa2a151c53f2d87d9da725948d33f8bb4c7f36d6cb468411ae4b46ad474/pyobjc_framework_security-10.3.1.tar.gz", hash = "sha256:0d4e679a8aebaef9b54bd24e2fe2794ad5c28d601b6d140ed38370594bcb6fa0", size = 252496 } +sdist = { url = "https://files.pythonhosted.org/packages/fc/08/bbbfa295aef75986d7204ba3d856b26779d9eb2d0efbdcce2ddcb468d9b9/pyobjc_framework_security-10.3.2.tar.gz", hash = "sha256:8e018ad36a5ba4ebf1da45cc3ca2a658906ed1e3f9ffdde8f743c813a233d735", size = 252834 } wheels = [ - { url = "https://files.pythonhosted.org/packages/69/0f/7001e87bd544297f5ad42a3b7844575ac73e5b9e54c9cb49bf3f2d001b7b/pyobjc_framework_Security-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:9de850e5d29cb8605c0d7f7fb4a8d29ad5ece6c58a2ab16fba3f985e6b9ee05a", size = 41022 }, - { url = "https://files.pythonhosted.org/packages/6f/d2/c8e65fd0d5905883bfae7c087645bba247e109570d5c55f814cdaa027eea/pyobjc_framework_Security-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:499372b4b87de0198601e0c6b3d3e43d48605218149a5808c6567b601147a9bf", size = 41023 }, - { url = "https://files.pythonhosted.org/packages/36/96/f8f714d8eaa7e7741475a53c3e6a06cc550cd996153e5076fe2276e00ad2/pyobjc_framework_Security-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:b3daed9661bd80245dd8dbc738a17870226969db27f6dbb3424ec0ebdbb6ba83", size = 41069 }, - { url = "https://files.pythonhosted.org/packages/5a/32/4d233b667ae2b7a9106c4a7ebb2552801cc4474c66f6a23750d13f60e289/pyobjc_framework_Security-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:6120e91282985bcec3b44c1bc4f9c26d40cd07b4ac3dc81f745d73c13f8b5523", size = 41021 }, + { url = "https://files.pythonhosted.org/packages/f1/50/0ef93de0d43df54a564c0b521407dab206cb12ab3bb858f4a4663a379bfd/pyobjc_framework_Security-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:56b57d59364d1944a6526277826f649073164fdb23519163c65e371116171ec1", size = 40783 }, + { url = "https://files.pythonhosted.org/packages/d6/ee/ee20b313ee18094424e4f3064eac99f234e4440da0c8198dd49335facd13/pyobjc_framework_Security-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9b4505472e21d18f1cebfc773c2148efc6446d62389304330fd7f7f5b30eea97", size = 40779 }, + { url = "https://files.pythonhosted.org/packages/af/b2/99d5e08eafd89750d81d36201dd8faeb3c5880dd1241b070084675486ef9/pyobjc_framework_Security-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:2fae458eaa4263c3daf8a12ad62a92bc14be32ed251dcaa95d2caca324520036", size = 40832 }, + { url = "https://files.pythonhosted.org/packages/1a/7c/6a0bb0d5a6bc1ae06d90e6e4b002968ff10febe3b6dec721360efd2e9919/pyobjc_framework_Security-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:84a93d28871feb7a40491401f4175cc4d83906cacbc41369ceafe67ad40f1a2c", size = 40823 }, + { url = "https://files.pythonhosted.org/packages/e3/7b/f755b71bc6154e5b063b6a3399a6858e50b6ddf126086a40f43341ab3cc0/pyobjc_framework_Security-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:763ab5be948d5dc8c71f5dfba8c159223613aef4357b692ed5db8ff72f2d6040", size = 41288 }, ] [[package]] name = "pyobjc-framework-securityfoundation" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-security" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/40/d6/908dcceb7cd5dcfa3ff265dfcb945a8707256f7ab09ee709d86cb26ae1d4/pyobjc_framework_securityfoundation-10.3.1.tar.gz", hash = "sha256:414b13acabfae584729cd614e27247d250ec225d31140e8d971aa08536d6150c", size = 12595 } +sdist = { url = "https://files.pythonhosted.org/packages/1c/3f/0b46d29ef0075c27f48288da2daaca83cf3707a922a0fd9051e111045a42/pyobjc_framework_securityfoundation-10.3.2.tar.gz", hash = "sha256:738e8034f7c7a91f37e6e5b0bc94d9d74ad8016c96508994fdc4d76915d76fc4", size = 12907 } wheels = [ - { url = "https://files.pythonhosted.org/packages/93/43/3f0b77bc72a9c419b355cbdaaa4a289ae838f6593421292b790b58512888/pyobjc_framework_SecurityFoundation-10.3.1-py2.py3-none-any.whl", hash = "sha256:c352cde672c9c2afa89575c362a0714e589c118485cec49ba230327e92c8a9a6", size = 3383 }, + { url = "https://files.pythonhosted.org/packages/37/0f/acb4eced9fec6d7f4c72dc7849318e33c52805f49f203f1398feb11883ae/pyobjc_framework_SecurityFoundation-10.3.2-py2.py3-none-any.whl", hash = "sha256:c1d2e04a0f7cf96c2e0b8287c7a626fa8f4d1f70990593d33dbfc6ec20bbff0f", size = 3388 }, + { url = "https://files.pythonhosted.org/packages/a7/b5/0776c9515726b47d71a001e73b9771fe8353d2fd21f4af7a54c077752b8c/pyobjc_framework_SecurityFoundation-10.3.2-py3-none-any.whl", hash = "sha256:f518c3f6221d93a4e8880547fda6d4642be20076c683a5118b6707e97f4b06ce", size = 3383 }, ] [[package]] name = "pyobjc-framework-securityinterface" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-security" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b6/8b/d2dfd658f279fe6d3416b45c5030a65342ded0150ba56e028f6dcc9b38e1/pyobjc_framework_securityinterface-10.3.1.tar.gz", hash = "sha256:cd25f342a2b53cbffd134443506d5e75c96ba7145135debb8932c1252d57269a", size = 31921 } +sdist = { url = "https://files.pythonhosted.org/packages/3c/ea/1dfdf32ab13daa11f99d33ce62cc99076a6162dd4175442675f01711dbd2/pyobjc_framework_securityinterface-10.3.2.tar.gz", hash = "sha256:9d90589f165b2c4fb8c252179f5c0003c8ee6df22d0ead2b8f77e07ff4733dfe", size = 32274 } wheels = [ - { url = "https://files.pythonhosted.org/packages/05/17/ba99db445a991ecba87f82d190756fb9c9943c68000e2e7d093e830f1051/pyobjc_framework_SecurityInterface-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:7a9bbca70e8a27bd79a0b8846f7d08b693dd309ff780f92f713fee57ff9d3ddf", size = 10731 }, - { url = "https://files.pythonhosted.org/packages/b6/e3/281084dfecb61453da2ccf36c8cbf3c6db24191c973a0c4f14397a1ec186/pyobjc_framework_SecurityInterface-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b964ecbde276611c14fd70884ab9c08c4aae75633deda1a29813dbe42dc83dd6", size = 10780 }, - { url = "https://files.pythonhosted.org/packages/bc/ec/2af619d126a82869ced4d6ef8af7f9bfcebcb721cad70ccb0792c7f84ddd/pyobjc_framework_SecurityInterface-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:8c2998c09767f0214891c553fadb8ec72a8273c95fca820c44cb11f3b0cdb8a4", size = 7515 }, - { url = "https://files.pythonhosted.org/packages/7e/b1/8bd136570f27057f2a73bb27f67f2ed638169d9660474d77e9b531e821a7/pyobjc_framework_SecurityInterface-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d913d30d04c9f01679ead33c95ad53dade587995f48c778a6de4d7da239b43e3", size = 10809 }, + { url = "https://files.pythonhosted.org/packages/cf/bf/93c41bda65ad4a4cdccd0707f1d5b8c42d52b1cdc44e046871397fa41fa4/pyobjc_framework_SecurityInterface-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:d6224f5327b2e13fd3fe76de9f828e78b69f62c64f85e798f7c1c1d4b39cca61", size = 10911 }, + { url = "https://files.pythonhosted.org/packages/0b/5c/0c805ed633823e0eaf8581718ab527665f63ee4588ac18dfc22d912db8d5/pyobjc_framework_SecurityInterface-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4cd7207a47490a04f309463cad285209e53f322a2a6819e87c1b1f5ecc2ea831", size = 10682 }, + { url = "https://files.pythonhosted.org/packages/9d/39/966d55400afd8ef27b6a4ed753b853a5460b0703beacf2f05b5c7be45d4f/pyobjc_framework_SecurityInterface-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c5b709804645b3dfc5a2b5c13ee350cd0c3e7a2bd47fd66d4b638b52801f597a", size = 10634 }, + { url = "https://files.pythonhosted.org/packages/52/bf/38d9222b20c97ed6f94d0451297da82066ef3d3bcfd3701be9f8fe17bfc4/pyobjc_framework_SecurityInterface-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:94a7b6fcac0ab9dd6e53a526633c1698f17e39f80d6e4727e5b5866288912763", size = 7432 }, + { url = "https://files.pythonhosted.org/packages/58/57/7d343e70f9ac8841f8fcaa549baa7256d919b91ad9002b17bf435da160a2/pyobjc_framework_SecurityInterface-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:d7e415b53d6cc5f62543546948a18e1f85a0cf77258a0f9065a563c6f1fa0ea9", size = 10776 }, ] [[package]] name = "pyobjc-framework-sensitivecontentanalysis" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ef/3d/7b50fb510374640c7562fc3cc83a75d91bd23f3f53a15579bd0061ffc3bd/pyobjc_framework_sensitivecontentanalysis-10.3.1.tar.gz", hash = "sha256:ac8dd18d77ccc0bb4eb24839cf39da9981db64e53f52b09636e47bd7b3066f84", size = 12006 } +sdist = { url = "https://files.pythonhosted.org/packages/2d/c0/b23985c0a71168317a15c3b440cf02b3f546d8248b3d82cb9f13b4fe2b5e/pyobjc_framework_sensitivecontentanalysis-10.3.2.tar.gz", hash = "sha256:561c0b19144648a0dab19da1896cbdfbf484f3cb752e95aa42e27ff7c5da923b", size = 12323 } wheels = [ - { url = "https://files.pythonhosted.org/packages/fc/bc/09d3c469f63366eff7caf148e53bf38a3752178a62a99881a0ef11453549/pyobjc_framework_SensitiveContentAnalysis-10.3.1-py2.py3-none-any.whl", hash = "sha256:6b5cfe771a28300d766ff14ff81313fda946943d54a039d5574478a070933e03", size = 3451 }, + { url = "https://files.pythonhosted.org/packages/34/82/aa5693d5b6e2dceb98d4ca4c50042800fcd11f51ff999f4ed772f7b627b6/pyobjc_framework_SensitiveContentAnalysis-10.3.2-py2.py3-none-any.whl", hash = "sha256:1c31183ca67bda6c5b1982b094d2aea35deac13260d586238cebe26db5d755fa", size = 3447 }, + { url = "https://files.pythonhosted.org/packages/fd/fc/c173077c769011c0204f6030da75ff6b80b4fda3b82666e412a45e2f683d/pyobjc_framework_SensitiveContentAnalysis-10.3.2-py3-none-any.whl", hash = "sha256:8d0e4bf06939706d48a6d24b326c9d388e943a3988f97df0591ecd5f575047d7", size = 3441 }, ] [[package]] name = "pyobjc-framework-servicemanagement" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ec/de/f60506eef312ea3cbd5eacd1308bfb7e68f8d1a032573840f46b7de3a122/pyobjc_framework_servicemanagement-10.3.1.tar.gz", hash = "sha256:d048a803ad34c997dcc99ba778fca9d91cc5adfa1d115202e4bf22d9b04fd92c", size = 15746 } +sdist = { url = "https://files.pythonhosted.org/packages/47/d1/06333ad3eb0fd5f7f2f34d9f3c48f81c1732aa66f7d97c63899c7832fbc3/pyobjc_framework_servicemanagement-10.3.2.tar.gz", hash = "sha256:60415ce7ce789062a1bb066a1e698325cc110fcab94324368f1697cb171387e5", size = 16076 } wheels = [ - { url = "https://files.pythonhosted.org/packages/09/ed/72cbba493d3e6d17127f39f1436b12248a812ca9714fdcf02f6834e7bb93/pyobjc_framework_ServiceManagement-10.3.1-py2.py3-none-any.whl", hash = "sha256:6b7ca0de9cf74439df0947aae29f5f31d58eeacb0ff55e1465faed540d31de4b", size = 4927 }, + { url = "https://files.pythonhosted.org/packages/8e/49/f6d2e07a8876c3bbe1bef26e3e69738214a18945546db4dc2ae9259ef77a/pyobjc_framework_ServiceManagement-10.3.2-py2.py3-none-any.whl", hash = "sha256:cd5e5e0e461550bb7c9ddb7170372530eb3a391c7ba797675be86f87fbd062b3", size = 4930 }, + { url = "https://files.pythonhosted.org/packages/db/e2/6128e99978d7e81b03162f06338ebd831ac579ead7065daa527cdb6a0317/pyobjc_framework_ServiceManagement-10.3.2-py3-none-any.whl", hash = "sha256:c7b4ff6cddc0ad2ff229432cddb77bf19cfba70296f54928c8004b87040d4255", size = 4926 }, ] [[package]] name = "pyobjc-framework-sharedwithyou" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-sharedwithyoucore" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a2/c8/261b3ae7063550b157fd33e9931c53007e4b7ff209a6d5a393b301af67c3/pyobjc_framework_sharedwithyou-10.3.1.tar.gz", hash = "sha256:7e35b631bc77b040151515e4fee9c8f47bc313924fc3e5970e940f1343db039b", size = 27924 } +sdist = { url = "https://files.pythonhosted.org/packages/21/21/4b28cac56c3637a942c8ad70490fc48586fbfbc503088594b0110325b116/pyobjc_framework_sharedwithyou-10.3.2.tar.gz", hash = "sha256:2a2717f85b7a8db33ef04dc90dfdfcb9f6891740112bdcd739a7d5ff37185107", size = 28260 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f9/94/e54dfbdb57e82d65cc78a881ed02240e7bd6f12b4b8da5d003ff18acaf07/pyobjc_framework_SharedWithYou-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:175cb32c93c55511f86ccf02b1da2fdcbc2a0f92422d451ff5dd4a864b3f3faf", size = 8782 }, - { url = "https://files.pythonhosted.org/packages/e8/35/ccb26fa87164b6616f208b87fc255cce06bb23443473f1fa3ab2f89fa59d/pyobjc_framework_SharedWithYou-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:8a1ee78d6220e02e073c5fe6fea8f223ef870086c1afe60f346e7bb3dbdcb165", size = 8831 }, - { url = "https://files.pythonhosted.org/packages/e1/33/f7a2fe06b25836687e829408763d86b593aff9b0f6921443bb3e4be1cbaf/pyobjc_framework_SharedWithYou-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:824d56ecf85dbaa938a2db42bf2f5a55a4e9f94019dee2dc90578040cc2bbd3c", size = 6591 }, - { url = "https://files.pythonhosted.org/packages/4f/33/bb8c76ac26329e37b22386d238cd97683494e5e8f875c0a6682b7ea524c6/pyobjc_framework_SharedWithYou-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:bc37e1c86f460095085a5060149ca013d4dcb9b54337887bff86a2e07302c0f1", size = 9084 }, + { url = "https://files.pythonhosted.org/packages/f9/dd/abea82437464c23f06730ff56f53268a2317106063d4ae3bdc7797f9bb88/pyobjc_framework_SharedWithYou-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:77f5f3a248386a33dc42938fa0435cdc22434acb511125c9cab32869d87f814f", size = 8911 }, + { url = "https://files.pythonhosted.org/packages/ec/29/9f12d223d61b8e5fdbb95c37d80cb2496788e0c012082a99ac2d782d87c5/pyobjc_framework_SharedWithYou-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d94d88115fac7a200fb36c7d4eff8960f3b0663074e290d096b92b7aababa66f", size = 8708 }, + { url = "https://files.pythonhosted.org/packages/45/7c/4451b22a26c0aed24f3bd42cc6d489827c2172f359bda13b69c6959b30df/pyobjc_framework_SharedWithYou-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3bab53551624aa7921deacf0ed7c107a6c4eb247a9aec6dde0e0bf819d39e955", size = 8689 }, + { url = "https://files.pythonhosted.org/packages/3f/bc/fe41bdc5303f31b2aeec22d3e876bcf93f2733ed13d07732e3d53d6ed845/pyobjc_framework_SharedWithYou-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:89728935f8382691082a398f3308ca4401125718f1a5a8600face26ccf7f0f6a", size = 6496 }, + { url = "https://files.pythonhosted.org/packages/b1/96/08aa3df73accc42a9da5e585e831f03bf6a36ded8fd8070b040f3d3a176a/pyobjc_framework_SharedWithYou-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:a1af4e482dfa4d4365e8e9cab0bf13bd9b3da95809684c31ed76a96e637ad439", size = 9034 }, ] [[package]] name = "pyobjc-framework-sharedwithyoucore" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/58/ba/09d6cfb51167b14711d2a2526d69994566eec101578af0e39b84a4794e5b/pyobjc_framework_sharedwithyoucore-10.3.1.tar.gz", hash = "sha256:e4768b7fdb18730e225bbebc9c9f9acfa7e44e648875816aff8c7e7f0e82afbf", size = 24331 } +sdist = { url = "https://files.pythonhosted.org/packages/6e/8a/62a767e8e37faf7720ef0e9a0743bf6d0b5f0776813ab5a4d0fe7c4d5507/pyobjc_framework_sharedwithyoucore-10.3.2.tar.gz", hash = "sha256:8c877f0e4590da6c687cecabfd15ca5cab3ca82cf70c7d228473e02e0e796225", size = 24687 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f3/4f/7d1f125b94f5fd88d66c4d5969b54fd2902e9c683a6ad6092e8b8638856e/pyobjc_framework_SharedWithYouCore-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:b0fb4e84e15765d913d5383b61004b7ff9a637f198ec7c3dee07632f3a4e2b4c", size = 8540 }, - { url = "https://files.pythonhosted.org/packages/ba/d7/06cc06c15fa69500c9f321e575cc296913e560b04ab448b477f7bec012d3/pyobjc_framework_SharedWithYouCore-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9b480058016216e5a3715e3ff50f5430159ec4235dcd110141f53637f5dbb51d", size = 8589 }, - { url = "https://files.pythonhosted.org/packages/44/cf/09ca1c5a2dbcfe58a0f36f4aaefe094f1c9e93a5c054b5e332115775a9f4/pyobjc_framework_SharedWithYouCore-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:17a5e29f832d395030b1ab5dfcf43dad2a9c0f917e6b443ac383dea06e3aa304", size = 6321 }, - { url = "https://files.pythonhosted.org/packages/e5/90/aaf3a46470effa512fd7aa9f8cd35ed1ce861b785c8dc5f5519052a249c0/pyobjc_framework_SharedWithYouCore-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:1e51f315b5b16b340a1a12d4a0f3244f1925f14c9e148ca4dfdcfad6baa7ee5a", size = 8886 }, + { url = "https://files.pythonhosted.org/packages/11/b8/89400a18dd2f0d289dbf2c21668a75396a73ff6d7914f83342d2c21d8683/pyobjc_framework_SharedWithYouCore-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b3a51b83c4bc09709d33e51dcb780e4c7d53aa044391464b8b252d44e866d78e", size = 8668 }, + { url = "https://files.pythonhosted.org/packages/ca/96/373a9b2cc73ce06a654e210bace0bb6a9318fc067dd0821a126fcb07d1b7/pyobjc_framework_SharedWithYouCore-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:3bbeba3bf8549d7a2515edb9fbe0f1e6f164717c746f301e16efa65acdb0d076", size = 8465 }, + { url = "https://files.pythonhosted.org/packages/6f/8d/379db8a9c54058f0e326dfbfd9cf4e46ebe4fae7df6bc7a5a732016f5bc5/pyobjc_framework_SharedWithYouCore-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:34a1686e43a735c4ec7dafcd40894e8128d2ef878091cf1e33adbe70e5ae3f08", size = 8443 }, + { url = "https://files.pythonhosted.org/packages/d1/56/5d93dc68a35656cb85068958a4c68c24cbbd4f8f525afea61f01e3b6e870/pyobjc_framework_SharedWithYouCore-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3e83e14e511de3cb347eebd17ace42a47cfb9b19432eef89dc40fcda6f3be6fa", size = 6224 }, + { url = "https://files.pythonhosted.org/packages/76/21/c41e928af1f0a841af681cd2263d2c76fe6ee0e9742b249f6883c1ff4c49/pyobjc_framework_SharedWithYouCore-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:82117418a290198ab369da72051776440ce26ede46530c08af3ff2bee6459cc3", size = 8824 }, ] [[package]] name = "pyobjc-framework-shazamkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/07/d7/5cf2157fd163084d75d1cf9cf2de774d373387162a7b03c19cbcd193f22f/pyobjc_framework_shazamkit-10.3.1.tar.gz", hash = "sha256:deef11a43e773b876df31eeadbfc447892fda0607e314ca2afb2c012284cfa32", size = 22923 } +sdist = { url = "https://files.pythonhosted.org/packages/c2/f3/8626b1f52c3c7665cb8f84966db045877456b9d9c55d9faa686cc773590b/pyobjc_framework_shazamkit-10.3.2.tar.gz", hash = "sha256:6158120a2d25b74a88c1ddc9d5f70df30ad4cd9c19b4f9db95434cc5fbb99f70", size = 23291 } wheels = [ - { url = "https://files.pythonhosted.org/packages/b8/85/f680ba2fee00fb5f1d9fbadc77d8f5c7c8e6c698c62f92b6559d1e45e238/pyobjc_framework_ShazamKit-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:dac6a729d7fed5e96ac4cb2a7894c79002670b4c06559ef4795dfe8c6fa15dda", size = 8631 }, - { url = "https://files.pythonhosted.org/packages/05/05/ac965959bfd2261bbcc590e1db7f9b7b59a39736db6b7398a20a8d510d38/pyobjc_framework_ShazamKit-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:cc77fde1503ec1f96d7b9a05ad784d29d94065732f0cfe089321be423e5045f3", size = 8628 }, - { url = "https://files.pythonhosted.org/packages/77/03/470f30e129d93faee2cc418a38acabd16b331b403cb201d3cefe380ae9a4/pyobjc_framework_ShazamKit-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:012560cab1997c1da6e19388b5192f68dcdf806c2f8d7bd1e66da37512d18b30", size = 8652 }, - { url = "https://files.pythonhosted.org/packages/d0/23/2139cd328324253b27384d99a50232ee930ac33fb829cfad3f7e29283455/pyobjc_framework_ShazamKit-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:4356bdcb9ca50da243b9d79da27851b799483865072f7c86a8a9674300d31819", size = 8592 }, + { url = "https://files.pythonhosted.org/packages/4c/33/4a3704710578d05e09406e2c729078d6dcd28d08dbcbb992cc90cf1041e7/pyobjc_framework_ShazamKit-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a9cdb1dcc688bc26375a57405f77866e59880cafb17097909f505df322e26e2e", size = 8501 }, + { url = "https://files.pythonhosted.org/packages/ff/67/e240edb4005befd797b948c9b2416769991cbc5f45a65b3b7a3a86c10666/pyobjc_framework_ShazamKit-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:aba33267e5624473fc4985ffbc10b74542694c0ec96050e69bf7afc25367a3e1", size = 8498 }, + { url = "https://files.pythonhosted.org/packages/be/a5/1c74ed5f624b525988353a488eea817c14be391d910271b551b54d60a7a4/pyobjc_framework_ShazamKit-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:e97ee0a5f00d3ff1ab22540049cf1facfd7c8eb550730d67b56b328672e9fb67", size = 8532 }, + { url = "https://files.pythonhosted.org/packages/32/ea/7c0c4d6e9d734f63e8e1ec2d0e0ed310cc2dd01f1001562a7ecba8181f32/pyobjc_framework_ShazamKit-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:2371a8e6587b980bc4459120be965ec2c527002562a07ee56fec76646041b7a7", size = 8533 }, + { url = "https://files.pythonhosted.org/packages/5b/6a/9e1ace3f6ced881a6e266d598796df5fc4da6e8245f691d75e0338186096/pyobjc_framework_ShazamKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:744638dcb8670a59912002cb6fc708eb3ccdcf34d4aa678dcb0227a0beadd876", size = 8742 }, ] [[package]] name = "pyobjc-framework-social" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/94/a8/c5a8ea9eea5ec096e03fcda22f3bf5077710a988dbcdbc543afed7478d34/pyobjc_framework_social-10.3.1.tar.gz", hash = "sha256:d1303cf3860ad02a8795c099e17888923505a9c45be407da50721a9a8a5b2efd", size = 13749 } +sdist = { url = "https://files.pythonhosted.org/packages/75/6f/83f92ac162fbb14fef97f100da2ad35ed2ed5bff2cb864e59b34ab5608c8/pyobjc_framework_social-10.3.2.tar.gz", hash = "sha256:8d55fe68ea1dff205c6b10fd57b0ab8e8ff1b0801ae61fd358a1c97b1a88f733", size = 14063 } wheels = [ - { url = "https://files.pythonhosted.org/packages/89/bc/aa8ad14fc35f7a08fdc78757bfb341f3f4da9c6c8036201777d5f17b5ca7/pyobjc_framework_Social-10.3.1-py2.py3-none-any.whl", hash = "sha256:f83617c07db7c8bd15b3b9e0878ab2b6a286dcbd9a8c7f451da204f75db880e9", size = 4065 }, + { url = "https://files.pythonhosted.org/packages/d4/b2/96baecef2802c20ab47bb74d9d27c9291c0600d4a5681af4a9b7bb69be27/pyobjc_framework_Social-10.3.2-py2.py3-none-any.whl", hash = "sha256:9a2cbb8a25f1923e867ead924d9252992109a8462272dba47c1097e1fae4a61b", size = 4065 }, + { url = "https://files.pythonhosted.org/packages/ce/26/f25c19bc0d7f69992920b3c300384228cf476cc1703baa0db3ffd5ebd9a5/pyobjc_framework_Social-10.3.2-py3-none-any.whl", hash = "sha256:741e8017d737ae3288dc7b242238ab5248657f5f00c575f7e924b65c8bfbedec", size = 4060 }, ] [[package]] name = "pyobjc-framework-soundanalysis" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/cc/23/bb9bc28f3d96e1316ac257b6b0605bcefb4b38879b9594272bbc9505e341/pyobjc_framework_soundanalysis-10.3.1.tar.gz", hash = "sha256:faa533644231f99dbdc2fcc3ecb9181c5df4f4dc68d42856729214021c83c881", size = 15578 } +sdist = { url = "https://files.pythonhosted.org/packages/20/99/52fead19bfc957466758e76f540c3bced518958f64cc73c6f34b6b21e856/pyobjc_framework_soundanalysis-10.3.2.tar.gz", hash = "sha256:3e5326c40b62238d448da9d52c78b22a659a1ec00eeed4358f58d5dc6758b2aa", size = 15900 } wheels = [ - { url = "https://files.pythonhosted.org/packages/5a/f6/350c7b3e9ceba976a4669c87b86cf378918cb6938a6083cc16aeb271c81b/pyobjc_framework_SoundAnalysis-10.3.1-py2.py3-none-any.whl", hash = "sha256:ef67207ff4045e5db37f017bdcd07d4b42464c86fe6c3b56524f6f22a9cde216", size = 3789 }, + { url = "https://files.pythonhosted.org/packages/57/c1/94e0d04655e4d02f7b3cb3590dbfe5ec85018df85400a7bd3b3d67585e18/pyobjc_framework_SoundAnalysis-10.3.2-py2.py3-none-any.whl", hash = "sha256:8d654057428004c6ffeccc92e663560a544dc1a8b4234c404af089c55e1ad803", size = 3791 }, + { url = "https://files.pythonhosted.org/packages/e5/94/6c078f840ccfe2d02024d5340279cd60be0e120d63662d0d1dfceca71933/pyobjc_framework_SoundAnalysis-10.3.2-py3-none-any.whl", hash = "sha256:2c964e811adbdd5b86f207e6011e7ab6deb89896fb1bff19c1d7936ed6af7665", size = 3786 }, ] [[package]] name = "pyobjc-framework-speech" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e6/8c/cc25b4267f884139b9677ea3fed8a8b99c423ef3f72dcc35eae6a01e4007/pyobjc_framework_speech-10.3.1.tar.gz", hash = "sha256:5b77b1d1ced0d1ad7244037b865dda2b83e8f9562d76d1e9fa4fea3b89e437b8", size = 29979 } +sdist = { url = "https://files.pythonhosted.org/packages/a9/3a/c9f92ab6b648b1ea346d2c8aac78e8a82fd56c9e8c1fa0c369c09ce535b7/pyobjc_framework_speech-10.3.2.tar.gz", hash = "sha256:86e825076ce65b5dbdf3ce0b37ab1d251beff3e97773114d3933012d6d771fd8", size = 30314 } wheels = [ - { url = "https://files.pythonhosted.org/packages/4c/13/112143807eae621c4237bdc75e6275af9915313ea64cffe3fd6e255ca6ae/pyobjc_framework_Speech-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:07afd82d76b98b67a78c07098a814a0b862bcf00fc072d49d8da435202008a18", size = 9135 }, - { url = "https://files.pythonhosted.org/packages/14/f1/6902241407b59de5c889e72fe05a329d107e97e50c6829023b9adfbab7e7/pyobjc_framework_Speech-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:444994d062286ff2769e07425d511503b2047b381afad1d64c8517ef4e44d01f", size = 9190 }, - { url = "https://files.pythonhosted.org/packages/13/98/f1f6ac438b9712f351e7fb013be4d95eb40692f5570eaea8138c4ccb4337/pyobjc_framework_Speech-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:e7fad907f9c0c49c5272f316d20e66ba0415038203ca277381753b035c16061a", size = 6712 }, - { url = "https://files.pythonhosted.org/packages/0d/f9/ae6eb7a2c72f15820ab8bbbf3b57be719fb491fe6523a7e9d1700c613b82/pyobjc_framework_Speech-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2294b60e1ab59b1340b820e6fee67766a959edd580d73e3b938f15653805d64c", size = 9555 }, + { url = "https://files.pythonhosted.org/packages/d7/e6/181911a1b29790f5b04492157031b6b113ab8c2a973c4e4ab46c1dd3adbd/pyobjc_framework_Speech-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:4343a4626060877a0023aa6c76a8a242b5b77903fdfe3ff385ad7f0f2f6f64bb", size = 9252 }, + { url = "https://files.pythonhosted.org/packages/de/06/af0e21c571e61f6f43a1c0244f1c7eba2f5cffeb609408d538f8b1d3ae44/pyobjc_framework_Speech-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:372efaf0ace54a4b3a3dd09525e94f7dc9c964062cfe3523de89a68f0e75839f", size = 9034 }, + { url = "https://files.pythonhosted.org/packages/1b/45/fa71effc59cb835d3f05315ea9bec250f0089cc57876f78e1b0e2f1837bd/pyobjc_framework_Speech-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c4601f2012c0299b3191baff9a35d14bc40a4139ac6aac1439731a287b50558f", size = 8997 }, + { url = "https://files.pythonhosted.org/packages/20/14/e633e89e1be1b87331e0e715e887b01a6944d08d1b0bff4f67a93ae9a742/pyobjc_framework_Speech-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3958d497b20a567afd7382360738809049f02cb712a8c21a5f6bbcb962857da2", size = 6597 }, + { url = "https://files.pythonhosted.org/packages/ac/bb/c927eff4762523f5c31e878371af3f3dd9bbfbdb926c3468c50c5c858412/pyobjc_framework_Speech-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:8c562b43963a2764e5565f5151ebacb31af87bfc1de3556cada8358eb9ad6855", size = 9466 }, ] [[package]] name = "pyobjc-framework-spritekit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fc/a3/037c63ce21d3a01d1d3c891b17979c5c1ce13a0893c97848bf2eb3e30442/pyobjc_framework_spritekit-10.3.1.tar.gz", hash = "sha256:2c11f35f48302f487c51ba8030f5cf79493a9dc0993dd901016ae4b8d8047c8b", size = 95557 } +sdist = { url = "https://files.pythonhosted.org/packages/7d/11/aefc94b7d2d8a3e43f51bf448d7dea48fca8c637439b2708e203fe16e4c3/pyobjc_framework_spritekit-10.3.2.tar.gz", hash = "sha256:cd28510d2158455ab9f0109655ecbebbdaff98daf3fb6af19e2f472a91496270", size = 95884 } wheels = [ - { url = "https://files.pythonhosted.org/packages/90/b4/574a17673ee3861b7dd09db7e8b0d95f9c8fb4022bcdc25e0af40712b318/pyobjc_framework_SpriteKit-10.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:31a5ce3ba471bf12f3e9ae3b5865d400e4e70ab4bb94317880783ee04c07b1f5", size = 17824 }, - { url = "https://files.pythonhosted.org/packages/cd/15/df384944ae0699ff3dffe20e0f9f3d64f09d58d2ee33dbc4beff2e359e38/pyobjc_framework_SpriteKit-10.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:af355eccc18437e0932e1b327817e8f50d194bfa471b65b4733185ba606ab792", size = 17827 }, - { url = "https://files.pythonhosted.org/packages/78/19/60a5a3da996744095234e01445e93cbfdedb44dd0b0e01b661bb6618de7b/pyobjc_framework_SpriteKit-10.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:c3fd6aaecd7abd6ebc83d4c37a22950d55b75911fdb99628b2677f44085a0212", size = 17881 }, - { url = "https://files.pythonhosted.org/packages/fb/ef/f237933784a49e693948cbe0926e132e886d7f0b3009eb92b9d822b829cb/pyobjc_framework_SpriteKit-10.3.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a1f0537bc0331cca58cc50307f3b114ab8bfd51576df3038b6037353aa77085f", size = 17833 }, + { url = "https://files.pythonhosted.org/packages/ed/49/f021dde429023a19a9492512d90ea2e4e9d212b1a7fe73d832ed40729bbb/pyobjc_framework_SpriteKit-10.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:81a8ac28b908ced13d086c47a02855d50f6df26e48709704b5db21caa9d24c80", size = 17607 }, + { url = "https://files.pythonhosted.org/packages/27/49/e213e65c43746eb6d7ffcbcd12b585f23c45bc37683ec7ad07e407926333/pyobjc_framework_SpriteKit-10.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:76b215b7834d03f7b1d87b5566d254dca73fa1a66c70c2e8d2d2802c916fdbf5", size = 17608 }, + { url = "https://files.pythonhosted.org/packages/5a/02/a9b5cf9724065d2b21f159bb5eac81b1ad25fcee2063d6504aaebbe24850/pyobjc_framework_SpriteKit-10.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1eb4e7106897702398b4b975268f94291b4747f04d0cb9ea8765ba3b12eff3e6", size = 17671 }, + { url = "https://files.pythonhosted.org/packages/a5/ad/e6669ba387fa1a7c04cb242006af61d5f9eb0a395fe1f37ca6f1ff625113/pyobjc_framework_SpriteKit-10.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:8815ead8197fef2cef62a7b6929bc34c32ecd42e94b2a8abf3f3ce02c20dc4c6", size = 17675 }, + { url = "https://files.pythonhosted.org/packages/6e/83/34fdfcba6b92fb9dbdeb38832bf7d9b607e3c32e97468e354e79ac5b67bf/pyobjc_framework_SpriteKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b2a435026602af0bdb3cae83adcba8c2e23d82518f22d4ad3edf075e75fa7853", size = 17995 }, ] [[package]] name = "pyobjc-framework-storekit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bb/42/e0ebe600ca0572fea164c2308bdd8866cb09167ef1617ed66d5c9a9a6026/pyobjc_framework_storekit-10.3.1.tar.gz", hash = "sha256:913b4aad7dc31df7d8011c54a695da65cc57819f4b48c98abaed4e6d9ff7d323", size = 63667 } +sdist = { url = "https://files.pythonhosted.org/packages/24/eb/cf77c88a0a957b142869b184600ca0a43b8a944fd257429e64a9a04b1abe/pyobjc_framework_storekit-10.3.2.tar.gz", hash = "sha256:8112857047363c200708ba4472e644d1d465a134edcd5edd4b0da6ab4bcff143", size = 64015 } wheels = [ - { url = "https://files.pythonhosted.org/packages/04/dd/a10721d0d7634deff95a2e5d514269fa89b8d1754a7c724d85eab155286b/pyobjc_framework_StoreKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f9c50a980846b236884504ad42690d49935bda3de5d779fca3cdfb16d43fa8d1", size = 12630 }, - { url = "https://files.pythonhosted.org/packages/d7/45/06593054fa5ac13701e1571f1560b0b9418e47b0a8f98dcd8521ca748804/pyobjc_framework_StoreKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:b3846b249a6fc5d26c80320098858978e0a16f46e98fc998075f16f539ac89fc", size = 12682 }, - { url = "https://files.pythonhosted.org/packages/a1/14/2e120443f39891d350ce213939cd20a52158dccd92ad9046d72744812723/pyobjc_framework_StoreKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c3575facbb3d238b8c9f3054c1422488414d89a42906dbcbfdbb47ef8be3da66", size = 9084 }, - { url = "https://files.pythonhosted.org/packages/2b/e7/49a1b2b3ef3a16ea29110db454f7428e78472aacba230e4d96c81e18451c/pyobjc_framework_StoreKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:2b5848f0e08b42dd4dabe5822b436b904a697e923f529ccaad910dfb822b2b9d", size = 12544 }, + { url = "https://files.pythonhosted.org/packages/ca/67/9737bf1f34c9771970aad40908277d3fb25437a6475ba402ec22a2258525/pyobjc_framework_StoreKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:20aa3b272ea99c6d9852ecc58333fbdffb3f1ab3d94fa0acde30aaf6f8a590b4", size = 12660 }, + { url = "https://files.pythonhosted.org/packages/96/f3/63bfd03cc831a79cf5bb8424dd69fdcad7a642df5a3dc7f747a8d8cd33b1/pyobjc_framework_StoreKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:f5747eea8acbdabb91f6928072724fc4e3519bc9c0b13ba3555b595cf434398a", size = 12437 }, + { url = "https://files.pythonhosted.org/packages/da/1c/64b95c69253c72c070bee14572958e5592a7e3c5cc46233a94c641e7e677/pyobjc_framework_StoreKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:c90c764811e234d8fe84b6ed1cabfc920e6672b0886325d70f055c3177e35c5f", size = 12409 }, + { url = "https://files.pythonhosted.org/packages/e1/c1/be31ee465e631ef391120851922bc7fd89f2e116dd51f0d89255ebbfd02d/pyobjc_framework_StoreKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1cc915f33f4fb6fd064e2cdd06afedb65e4e369d4daf8a9ec0b12088ae298411", size = 8920 }, + { url = "https://files.pythonhosted.org/packages/79/9a/4bb361811778d13744a2f806c53ec15ad167afeba3ff11acbb3592e859ff/pyobjc_framework_StoreKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:63856ef6decc3240dbb53131710b35d2d65d878010c3deeb62e2af52867d0d6f", size = 12390 }, ] [[package]] name = "pyobjc-framework-symbols" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d7/2b/e32921c7f2e00ba41fdd6befc0f7aabf17bc4c136f2b6a0cf4f44939940e/pyobjc_framework_symbols-10.3.1.tar.gz", hash = "sha256:3e3f35ef3646b5f9c0653d9dbf5693cf87de3df04420cb2679dad74c75965d18", size = 11785 } +sdist = { url = "https://files.pythonhosted.org/packages/e4/bc/80ed504beaeddebaeca4fd1237315987971af99ade2f6e755f4663b8dbeb/pyobjc_framework_symbols-10.3.2.tar.gz", hash = "sha256:b6293ac919513f8f91e2f4d847bca3b67a10e3a9e636bd2a6a05d7d2b43bb3ad", size = 12118 } wheels = [ - { url = "https://files.pythonhosted.org/packages/97/bb/f4a01bec12bc1c9dfe86b0428d39a5e9d5614e0f433b5eda42af43d3d1c0/pyobjc_framework_Symbols-10.3.1-py2.py3-none-any.whl", hash = "sha256:6e171da5af2612e186cc4cf896ad7f2672c021a1fc18bc8ef49b79c4c831202d", size = 2958 }, + { url = "https://files.pythonhosted.org/packages/b3/e3/8ef641dd42b3225bf907b9b877d9d67c3d8684a3563b6ef989f29de5f8be/pyobjc_framework_Symbols-10.3.2-py2.py3-none-any.whl", hash = "sha256:f2d003989d857f62d9cf5f93dce83ea58f59319b0cdd6ef178ce1d380907831e", size = 2958 }, + { url = "https://files.pythonhosted.org/packages/ab/98/860c1b05b9be35d74d716db421daf654cd984188cb5998c2beac5557889c/pyobjc_framework_Symbols-10.3.2-py3-none-any.whl", hash = "sha256:bcc5453605ecbf462c1f868db91921eab4d23039d1ddc04f3be5fba719efe3c3", size = 2954 }, ] [[package]] name = "pyobjc-framework-syncservices" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-coredata" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/77/eb/6b73844bc7a4f964128cde7fffbe4243b62c691626b4b101337b6ac7caff/pyobjc_framework_syncservices-10.3.1.tar.gz", hash = "sha256:1cd5e3eaf85a11996184afad1da47037cd921e302ccb35fe388b19f91a685669", size = 49572 } +sdist = { url = "https://files.pythonhosted.org/packages/ef/49/2a72d27312a7b41f814f0dec33d6b27972a4842e509d2db39200a189ac63/pyobjc_framework_syncservices-10.3.2.tar.gz", hash = "sha256:4ccd394746027b788907af2846dd1ab3505f340f0bf24400191017e5d0e6300e", size = 49889 } wheels = [ - { url = "https://files.pythonhosted.org/packages/da/cf/bf62d8583436bad00a8b0bf59a6f0b1009b25229f51522a22f2164beeff5/pyobjc_framework_SyncServices-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:aa98a38f59f230da7817dc08055c8049fa961193af16caa262c51e4ec8b5de20", size = 14394 }, - { url = "https://files.pythonhosted.org/packages/ca/ed/3a406dde3ec505c5650ce8b379e566f146a84a22efca1b7a12a10e61e613/pyobjc_framework_SyncServices-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:9d3798cc745143d44da101bb0eb9d482326b761f48c3699251191e9c3656ee6c", size = 14450 }, - { url = "https://files.pythonhosted.org/packages/78/82/402f2ddb89c41c1c2db4aa6b9683d169bbddac89c284951126415734170b/pyobjc_framework_SyncServices-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:97020a88d743a6f12ed3f72d062ab96712a7cc0e7b0293c7c5860c014002cc73", size = 10337 }, - { url = "https://files.pythonhosted.org/packages/84/e0/e72454fbef0749ba98e77ac91a5fc055abadec202ee75b1d95001fcf0fab/pyobjc_framework_SyncServices-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:b9b7bc58b04654172968cdc1cfe74b43ca0ad2e03c24c7921234a57be2c22985", size = 14329 }, + { url = "https://files.pythonhosted.org/packages/c8/23/c11c6f31992a2e34dff8abde15668349617bc8b70c37d8ee6ba985beebbe/pyobjc_framework_SyncServices-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:22b5e02305ad36fd9de7b9bce2f25e37345f9426e22510b59fd9224a78eadc76", size = 14433 }, + { url = "https://files.pythonhosted.org/packages/81/00/9661a6f584bee05d1620f18799e049e8956391ff7178ec8de193fc4b80a8/pyobjc_framework_SyncServices-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:1ce9b66103d83021ca52b86cf3ad431a1ff29a2ad14c72e208c67cbf90b01eac", size = 14200 }, + { url = "https://files.pythonhosted.org/packages/29/31/b3c5f90858431f637b8acd5d8870521c27526e11c850fc933b4bc4dd71a3/pyobjc_framework_SyncServices-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:363d3a2e0bd067b0369921d9dc22707cc0c0b4a0aca0dad313b2de3ba52e943b", size = 14175 }, + { url = "https://files.pythonhosted.org/packages/55/8e/83e26740b02c11ef37b7a88fcfb3c0ae0f4dba85c0687ca8f34455152890/pyobjc_framework_SyncServices-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:88a35e31ca3ea3e29dcda259aee2bea9fe6eab97cb4017aa03d622efe21d11b8", size = 10190 }, + { url = "https://files.pythonhosted.org/packages/18/b2/0c9004d26bda69ad1be0d258b57a038a2023d0fe462d2600b208cb86b34b/pyobjc_framework_SyncServices-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:bb2f187ffae9627ce5745b61d9427e9234e73e043bda7471efa332be4092a9c4", size = 14140 }, ] [[package]] name = "pyobjc-framework-systemconfiguration" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1f/34/4a8a79ae382296533cf0aa51377f53d9157aa41484c83a506d9dc43fc9e1/pyobjc_framework_systemconfiguration-10.3.1.tar.gz", hash = "sha256:1bf6ffe98faa4e208bf594c857ba23cd56fe404bc579188ff53b704844d9c402", size = 124143 } +sdist = { url = "https://files.pythonhosted.org/packages/bc/df/28b0da49f01b3f6b0b26d9ae530d4ad5d225e67c812469204552c8bc4c34/pyobjc_framework_systemconfiguration-10.3.2.tar.gz", hash = "sha256:6d98d26da42501abceb9b374ba8e31b01a96af87a77cd578ea1b691f8152bc86", size = 124533 } wheels = [ - { url = "https://files.pythonhosted.org/packages/fc/23/4986e3f009493910f552e74cf239e09802d1df059075b021611959f22c5f/pyobjc_framework_SystemConfiguration-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:200c4b7d3483e5ccb86d4d5783ace8c26d4b3f9130684280f30080d53f62d4c5", size = 21723 }, - { url = "https://files.pythonhosted.org/packages/9c/65/c2db36889167836e1d26134c650e638cbf0667ceb815b2cc6d8bb9ed1ced/pyobjc_framework_SystemConfiguration-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:403392b0e2085cf528547d468bc523fbee418381bb61446eb4aa1f9a1c8a8494", size = 21800 }, - { url = "https://files.pythonhosted.org/packages/28/75/7a9635b41648b24c50eeb2c36a23e9ac37a3b5af8602fd42a34c4275e072/pyobjc_framework_SystemConfiguration-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:f38a824261a30dc9961e13a7b9759dd0c77e1c7c4681e3c80c5751c560735289", size = 16960 }, - { url = "https://files.pythonhosted.org/packages/17/8e/fc0b787b8b68b1baf1f1881150f6b6d8d1b5480cf1f22ea063260a057ac9/pyobjc_framework_SystemConfiguration-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:4e8816524cbb6c6ea9e1c596fc9a16c91f2063eba394135be9437bdbd469e125", size = 21680 }, + { url = "https://files.pythonhosted.org/packages/99/17/9a40a8841ff5b74936e9dce08b09b25c6b63774fcbf782a608c0a40ea634/pyobjc_framework_SystemConfiguration-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:36b6cc2d062932a853a8cc03daa9e75e554da5b4d89622ce55368b4a5e60448c", size = 21717 }, + { url = "https://files.pythonhosted.org/packages/24/22/f97e03c121c7046232a2a66c04fe4b2b5cf9e7ee73d7b2da8c6ea55b57ea/pyobjc_framework_SystemConfiguration-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:e62d0aeb92b13f35bcba98ab40cc032af680f90e238929b9b5009517eac2eb1b", size = 21597 }, + { url = "https://files.pythonhosted.org/packages/a6/9b/332fe6055868fa3388c76023e658d0dbcdcadb8efb590da20f3317e2fae6/pyobjc_framework_SystemConfiguration-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:a346b119cf8b648d54d407a925a3492a4765312f7d9e1101db3dbc04d5d5d11e", size = 21607 }, + { url = "https://files.pythonhosted.org/packages/8f/4c/146579fc7ac78b416a15e353e058737c200be7abb3a660303446f44ed7a8/pyobjc_framework_SystemConfiguration-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3584696d9a69ac45eea07ae26a7605ccd6d6b1da5786d4b8115b0f667a61c730", size = 16838 }, + { url = "https://files.pythonhosted.org/packages/dd/81/14d32e91cf38feaa0761fecf3b1e5a926c62d8f00ff569b5a23ee92d23e7/pyobjc_framework_SystemConfiguration-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:9ca01e70d675811c27e6dde4ed662b5f29da5f131832129e4dc0d229f17d6059", size = 21577 }, ] [[package]] name = "pyobjc-framework-systemextensions" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/dd/d2/eab93a69f95c757104112cb0bce3e1fc70de59ca47ff0c60d180f306819f/pyobjc_framework_systemextensions-10.3.1.tar.gz", hash = "sha256:34412e75c95a585d222ea23efc3eba436210ec0345cec6c7dc78d16e027d03e1", size = 19844 } +sdist = { url = "https://files.pythonhosted.org/packages/d5/45/df446df16f431d2c8c1733f5076b75eb3119ac21371dbe9c900542488099/pyobjc_framework_systemextensions-10.3.2.tar.gz", hash = "sha256:8e513fbc750cce3af0a77fab08c05c9cc2ba0d64116490bd1f7b0f9fe8ba6972", size = 20236 } wheels = [ - { url = "https://files.pythonhosted.org/packages/0e/a9/5c97bbf22f792fd4beb01dc2bad894eab5f62687122fd9b156c743c04f8f/pyobjc_framework_SystemExtensions-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:b24edd33c71cb02a16bdd9b26d3a229a6b2a815c26a4c908b1b8b6cdf4f6c84a", size = 8672 }, - { url = "https://files.pythonhosted.org/packages/d5/bd/caf73e19fb2b4bae267df4cef98debfad7db265228337c4ab84540507561/pyobjc_framework_SystemExtensions-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:e2a24501a782d2b6f7fa339619eb5c988db6b31a6043d029f40f67c54fd9399e", size = 8739 }, - { url = "https://files.pythonhosted.org/packages/fb/c8/c92741bd28ed5eb51d6d62fe512c9d8cc9bb7956cf1729b2f09400f95df7/pyobjc_framework_SystemExtensions-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:1cacd2356142307cf221d568f3e7adda654c28c90c223db3830746f4c2b12aea", size = 6412 }, - { url = "https://files.pythonhosted.org/packages/9d/79/5cf9fad837bb20f221ac981e3f300eecb9a92d154bc53685173654baee30/pyobjc_framework_SystemExtensions-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:6561876b2fd5c40620073fae9b924f2d8e0110e8573756ffc9521e4fbc825249", size = 9091 }, + { url = "https://files.pythonhosted.org/packages/33/73/554716f26fd28263b7a8e3faaa57de44d62d45354c9261976e690fb9614d/pyobjc_framework_SystemExtensions-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:78db9a79927423ff6320f69b0e2a8d72e709f6c62d17da40bc8afd2bd5190673", size = 8797 }, + { url = "https://files.pythonhosted.org/packages/82/25/83c77f5df751edc0a6012f1382287107646b4f86c514e58bf1bf18cc5aed/pyobjc_framework_SystemExtensions-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:ea3c137f9ce6cc151fd10bf5e6575a3078621c8483999a35d10f9eb2cd1e0940", size = 8598 }, + { url = "https://files.pythonhosted.org/packages/57/12/09f8865804700124acb5acac808c14db115fd076bad24669561a6531203e/pyobjc_framework_SystemExtensions-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:7678aaac1b0b704515448018544ee75cb4ed21a097e6cfeef1f3366ee4d4426a", size = 8573 }, + { url = "https://files.pythonhosted.org/packages/33/27/a8dcf0a653ed93e28cc77b754537f769dee761b1afb467fcd37f7740f108/pyobjc_framework_SystemExtensions-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:baf0ae2a280719162017be54ad7f5492db784f2e720f09b30399823020ebfa25", size = 6316 }, + { url = "https://files.pythonhosted.org/packages/07/cb/951dee2b1f50a29dfca6503eab062ca83b6536fa0789d6d99e52536cd749/pyobjc_framework_SystemExtensions-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:de854daa0a31a795a679b8695213a55d8de829e0047945539658afd25ec447bf", size = 9023 }, ] [[package]] name = "pyobjc-framework-threadnetwork" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/dc/6c/c502594ac550436bb8d989b18734eeabd5ce189c2ebb1f4895e3e00d424d/pyobjc_framework_threadnetwork-10.3.1.tar.gz", hash = "sha256:1038210a8e5dfa86aefd10894563913e767e95d1c1bd4333ae5f9c6cabbb3ce9", size = 12639 } +sdist = { url = "https://files.pythonhosted.org/packages/91/85/821d14d8118329be7106e2d656fd8466ceb20d6d90e4341ac8e7b43dc970/pyobjc_framework_threadnetwork-10.3.2.tar.gz", hash = "sha256:1d8b73000c077da1dafc4c4298acda6df8ec615a4bf94ffc2f9f3ef8c209dc45", size = 12976 } wheels = [ - { url = "https://files.pythonhosted.org/packages/21/d0/bcc8756d01a1d4f400148f67123a7238429be7c2ddb95f94d15beec8372f/pyobjc_framework_ThreadNetwork-10.3.1-py2.py3-none-any.whl", hash = "sha256:95ddbed8a114cc1f05db613bb53247465ec48ccaad2b56f5da466317808fc32b", size = 3377 }, + { url = "https://files.pythonhosted.org/packages/c6/9d/3b4ea6436886cb61ac948310de2d2ca9c151aef0a7884722820143c61e11/pyobjc_framework_ThreadNetwork-10.3.2-py2.py3-none-any.whl", hash = "sha256:291d6cd9b7ccec8d82ab6be21597b9478a022d6cf2f63006c05fba2e0764c36f", size = 3382 }, + { url = "https://files.pythonhosted.org/packages/ea/b6/53f54252118508eeabf049a607af47f79c7748d34cd14c8977314b4d77b4/pyobjc_framework_ThreadNetwork-10.3.2-py3-none-any.whl", hash = "sha256:dd218e6f246e3a006b46cb76c4a82d7f45e2c827e91464fe12026fb0dcaa0409", size = 3376 }, ] [[package]] name = "pyobjc-framework-uniformtypeidentifiers" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1f/54/10c56c741e7c95ee4dd8db06afac5e59722e5372e35f3c5a3e7c2954c746/pyobjc_framework_uniformtypeidentifiers-10.3.1.tar.gz", hash = "sha256:1985fee7e1f1157db36f3c19ee0ad273677eeff10467f575086246bbeffcdf50", size = 18476 } +sdist = { url = "https://files.pythonhosted.org/packages/40/2b/665cebe17818d7cf6bb5edf38319bcb3dd2915e1eb6c9e65db8c7fb045a0/pyobjc_framework_uniformtypeidentifiers-10.3.2.tar.gz", hash = "sha256:59e8b11d78d89a24f7fb944853b93705ca48febf1ae42be57d16100e38703f69", size = 18820 } wheels = [ - { url = "https://files.pythonhosted.org/packages/37/5c/48f1c942fa870439598e296eb2136fc5cec3f4a6e08bff25f727dc5e9bb8/pyobjc_framework_UniformTypeIdentifiers-10.3.1-py2.py3-none-any.whl", hash = "sha256:8bd1516ccec1807e2ad92a071242d83e9d1eda08ddbfae04dacc30d76c3d734c", size = 4467 }, + { url = "https://files.pythonhosted.org/packages/7d/82/3cf17596335b4f88e078761aae5940575d314921d3c1f4b3c82ef040766e/pyobjc_framework_UniformTypeIdentifiers-10.3.2-py2.py3-none-any.whl", hash = "sha256:9ee1c3297efead181deeae50d3322582517f6e5fd45e247f5691cdae995bda62", size = 4470 }, + { url = "https://files.pythonhosted.org/packages/62/02/032ad4a30d0e834ba3863562cdc962d7cbf4202530067a3437ac564737c7/pyobjc_framework_UniformTypeIdentifiers-10.3.2-py3-none-any.whl", hash = "sha256:a1a01cf7d41346e9c2002f979783d797b35f07def5b3c7c426f2c4f34f8163d1", size = 4461 }, ] [[package]] name = "pyobjc-framework-usernotifications" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/12/d2/32432d2b579ca393f65f7ae7b53cf887f2efda861c4e1b372428f65dd4bf/pyobjc_framework_usernotifications-10.3.1.tar.gz", hash = "sha256:ddb5de88fb659c2241429b6408ddcabbfc0c2c9e4a7f5f543a6fab1c4953403b", size = 45987 } +sdist = { url = "https://files.pythonhosted.org/packages/39/87/2cf1c42e4686fe407b1043ae6fce7484da9a05d5f930ef4807aeb7f62233/pyobjc_framework_usernotifications-10.3.2.tar.gz", hash = "sha256:84743b40d950959b92bc15265278d4e4de45bf84fc3a45d8636f38476d7201c1", size = 46431 } wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/63/3d1151dd355936977c3a713d0952f384d0f175e2d8ed29352ba374f17c80/pyobjc_framework_UserNotifications-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:d85c293e0520530ac7152b3f293c5606f0495b7727de331ef4e198278bf40e98", size = 9677 }, - { url = "https://files.pythonhosted.org/packages/32/4d/631dd68f95261db9acd8488519bf9afd9359686cd5a027ba653f64b60f04/pyobjc_framework_UserNotifications-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:0001bb25f15e6f8cac81bcb58cab8161a15a6fe41f6c475e8da364c913bdb090", size = 9721 }, - { url = "https://files.pythonhosted.org/packages/2b/37/b052c7afbe4d9e7e6c6fbe3faf2fc81e766bcb8012809b496315177e1295/pyobjc_framework_UserNotifications-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:0bba49b0f290f5597b94a80608c785b61d61aa3885cdf05529862e47fe1cec67", size = 7315 }, - { url = "https://files.pythonhosted.org/packages/f7/46/188efc812446f32793673d1d3d000e037052373e2bb19e0a3e5d1036b53b/pyobjc_framework_UserNotifications-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:59294fa6110778de145c9299c220990d057a6a171d37ab5d8a6ab1780bf7888f", size = 10049 }, + { url = "https://files.pythonhosted.org/packages/42/c0/478a0e6c243d4b50593c61d786d87b6b6ff08daf55051cce8cb772f683f2/pyobjc_framework_UserNotifications-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:ecfdf119c50f23bcc501c51bfe5dab658a91d4f71c7fc96f197afbb7864598a4", size = 9800 }, + { url = "https://files.pythonhosted.org/packages/bf/21/2c83a778d0da60260bbde94ce1bf005a701925166b6026f097ed958fe456/pyobjc_framework_UserNotifications-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:4b4374e72846f9773e1b424760d2b198e77a38497068822be1cf31da2861c421", size = 9594 }, + { url = "https://files.pythonhosted.org/packages/0a/93/5a5f4e51ca777b48c46c7c355687be7a03e17a995429661a864d7306da58/pyobjc_framework_UserNotifications-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:72bf46de155743fa642f00b842d94335590f6b764a4d252d6fd8d8c93fb94292", size = 9556 }, + { url = "https://files.pythonhosted.org/packages/d7/76/18d38dfed670c633d818a04cb952a42551a6e386e1691ea9a55e289a8c7d/pyobjc_framework_UserNotifications-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:a8430e6fc5e8ac7f5f4a10a28d609d3b995f682a93213e656f0bb60c725f104e", size = 7202 }, + { url = "https://files.pythonhosted.org/packages/cf/b2/948d5494c85fc77d64c69c01c7259c0fcd7006d09fee49bd4a73dfb92538/pyobjc_framework_UserNotifications-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:809c9b19ebca72928fc1f78dfa6a4010c5ba20a36d7a355405a87c8b3e30c0ee", size = 9971 }, ] [[package]] name = "pyobjc-framework-usernotificationsui" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, { name = "pyobjc-framework-usernotifications" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/df/10/a525f13919955d653fd431f527974e2604b0b8727c886de1ec7e2bf34189/pyobjc_framework_usernotificationsui-10.3.1.tar.gz", hash = "sha256:80390b5361bb6014dc32d0afbf581280e7762a4f67460a736f461f613d397094", size = 13288 } +sdist = { url = "https://files.pythonhosted.org/packages/cc/14/c028e54d93df12c4b84376bb1f343bbcf338dea8f21bd724c32de8841efe/pyobjc_framework_usernotificationsui-10.3.2.tar.gz", hash = "sha256:9e21f207dcb4305b2dd80ed5329515867aee0caf8f40157911f8b4c6674e4b60", size = 13611 } wheels = [ - { url = "https://files.pythonhosted.org/packages/17/4b/1a198d4d8907d83f4334d34dae76572e18362391ee0644c9a5bc002980e7/pyobjc_framework_UserNotificationsUI-10.3.1-py2.py3-none-any.whl", hash = "sha256:bc6cb92a6ac947e8fe9685f3c1964c5a9f98e576b936b0bbff8c528f47f976d2", size = 3522 }, + { url = "https://files.pythonhosted.org/packages/f6/48/f1151d0a32375c0ec62307dd742f04653bd997787cfd936be8184394329a/pyobjc_framework_UserNotificationsUI-10.3.2-py2.py3-none-any.whl", hash = "sha256:fc7c1b88c59f64e9b0d859b456f8f08cdded7daa6360e073f99d91ae84d641af", size = 3526 }, + { url = "https://files.pythonhosted.org/packages/5c/c9/16ceccd1c95f899b503be31ab4d39b898df9c1179001cf15f1b5caa34e3e/pyobjc_framework_UserNotificationsUI-10.3.2-py3-none-any.whl", hash = "sha256:6a59e6a08dfd1d9d4e0a9e3f61099731b2a901d189e14d97ccf8fe12fd011be4", size = 3520 }, ] [[package]] name = "pyobjc-framework-videosubscriberaccount" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/c8/a6/41d6afaa800bf8839c45642b60d7fa13a0e292d477762c33ce22ba1c0aa6/pyobjc_framework_videosubscriberaccount-10.3.1.tar.gz", hash = "sha256:f62509e976b805bc76ff5928444677ac542b52dd9f7781ac0731d7c4b22bed96", size = 23793 } +sdist = { url = "https://files.pythonhosted.org/packages/6d/05/6a25c1ef8189288ae7267cacf444031083840c9bd7fc0f8d9c6e61de34d6/pyobjc_framework_videosubscriberaccount-10.3.2.tar.gz", hash = "sha256:6072e55242c150bfc09417679813966482570fcfd0f0dd740c241ef5589f546a", size = 24126 } wheels = [ - { url = "https://files.pythonhosted.org/packages/88/38/a9e721db0fa383eeabaadd6c6762ea33d6f50a25c22b70ee82c31d536e66/pyobjc_framework_VideoSubscriberAccount-10.3.1-py2.py3-none-any.whl", hash = "sha256:4b489f0007dce8ea17f37316175dac2768cd173a4d4c7a1d5f87fb3991c1e518", size = 4295 }, + { url = "https://files.pythonhosted.org/packages/e9/bb/5e6281b9eaf8e0f70ba59cabcc7198ca385b5c3b42aca9472c6701f82334/pyobjc_framework_VideoSubscriberAccount-10.3.2-py2.py3-none-any.whl", hash = "sha256:aa3695a742f6ba04285a3721ca33bd537adcafd3ca018757fd95234a5c11baa1", size = 4297 }, + { url = "https://files.pythonhosted.org/packages/32/aa/5c135299b1b3fdcea0fb87075fd512710f348d7771a946326e9fbf84b2db/pyobjc_framework_VideoSubscriberAccount-10.3.2-py3-none-any.whl", hash = "sha256:c0ad86a912eed0d21fe8b93dda213928bad5c06cc106afa0d6fb7cf012f55f54", size = 4293 }, ] [[package]] name = "pyobjc-framework-videotoolbox" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -7002,33 +6469,35 @@ dependencies = [ { name = "pyobjc-framework-coremedia" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/65/e4/435561672801cb29a398b208e75e6823e6c369027cd51f0774f3b24f2baf/pyobjc_framework_videotoolbox-10.3.1.tar.gz", hash = "sha256:7ebc281523b2b37aff17ce6eabd0c81081864b3e3e4a83ae72b18fd70c57c521", size = 66253 } +sdist = { url = "https://files.pythonhosted.org/packages/8c/19/06a028ffdb254cf621795158f7da56c6c0f201d53b40709095a5f60fe55d/pyobjc_framework_videotoolbox-10.3.2.tar.gz", hash = "sha256:8ddfa3d25d53d03d00847f63cfcc7c033aab54d9fc1fdd0d18ff60af17aa2b14", size = 66599 } wheels = [ - { url = "https://files.pythonhosted.org/packages/f7/98/96be1155746ad418400628191c9dd5e8354bb9f7f842c3c134a04d47efa5/pyobjc_framework_VideoToolbox-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:bc52aa91f568060e0087762f2a4d876bf7b683e5396779e93925252e26f0330b", size = 12471 }, - { url = "https://files.pythonhosted.org/packages/3b/e1/dbe5951097e627f6a7be79ee9a662beba8fb4eb20cebabab1d810f4aa881/pyobjc_framework_VideoToolbox-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3d20ea92b597f4758f24ed8e19f7a7a372faf6478d739e7cb7f7cd73d3e8617a", size = 12527 }, - { url = "https://files.pythonhosted.org/packages/30/19/45ba628af703952faa1989fc5801102067b406595089dbaea50c4ab1016d/pyobjc_framework_VideoToolbox-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:761e3cd05090f5d9e9fbae2c25e3f352f19aa86a0d02a1189b94ec5c4bc37111", size = 10050 }, - { url = "https://files.pythonhosted.org/packages/a6/6c/51641d571758869feac26a48f625be1bcfe8ef3e30badcc36823baffe486/pyobjc_framework_VideoToolbox-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:7d4fb38f95e91f62d14b05fafcc6197775e9eaf4e5b698bc1fb313756f59b10d", size = 12811 }, + { url = "https://files.pythonhosted.org/packages/29/f0/726f13373d8544b1596a84efe99c22fd1258f0acb6531220c3e2cf0678f0/pyobjc_framework_VideoToolbox-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:05824777d723525dbe751370c5cbdd3bf70192628b0127c323d7238877b71df4", size = 12430 }, + { url = "https://files.pythonhosted.org/packages/5e/f4/ba94c7e311f68f9cda0456b8dc689158faf773c95e969b662ae9d75027f2/pyobjc_framework_VideoToolbox-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:32f68e12382812942582af7e7989eb6bad20842dfa7fc49d42d9e030ab9d7d68", size = 12414 }, + { url = "https://files.pythonhosted.org/packages/99/a3/c1c8fa454053a18f1cbd4d31f33344824e052402475faf518fb551ef028d/pyobjc_framework_VideoToolbox-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:85cc24f28bf3e9f097ed18179444c8ad60e8c8e174b2f7a8e550044336bdf13b", size = 12428 }, + { url = "https://files.pythonhosted.org/packages/f6/35/7ba035993cb0c5961734358c334a74661cbe17371c6e5026856a11ed1108/pyobjc_framework_VideoToolbox-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:3553a087ad6be8bc99eada062a95aa03cf5128fcfb168c43564eed16f9fe80ed", size = 9969 }, + { url = "https://files.pythonhosted.org/packages/be/c2/f95bd57feb9fad969ab61ebdb2147df308019cf9706ceef033d07abc26ea/pyobjc_framework_VideoToolbox-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:7bf688e46e5439237e34c575291615dc8ec3fd2a63723712ab9db708c39d385d", size = 12778 }, ] [[package]] name = "pyobjc-framework-virtualization" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2e/d1/427065aab5570855228fe0bc3d387fcc4c76e18538c28c5fc2497b0f75f2/pyobjc_framework_virtualization-10.3.1.tar.gz", hash = "sha256:8348ddef18eb943d151e5b5977e4d410012ee2e3f6048c16f7cfe0c1a73536cb", size = 61591 } +sdist = { url = "https://files.pythonhosted.org/packages/71/5d/df555942df3bcd7df6a6ed0830b5b4a0024f4fda00ee7cefaf61afc19e05/pyobjc_framework_virtualization-10.3.2.tar.gz", hash = "sha256:6b8cd5b69dd5197b96d6b907c9224ea4d05ef3bebad552cfebf331ed98c2d4eb", size = 61977 } wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/3f/5e11618a50c525bd89b8219360f1782dc6aff52cae6548cd767dc32af74c/pyobjc_framework_Virtualization-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c046abcebf6a64a47ea50311f3e4aaae424dbac719e847cd15b375ebe99a51ed", size = 12300 }, - { url = "https://files.pythonhosted.org/packages/2f/41/9ef6d54da4bbc517ca5132a01e385b0ec3e329f9437a12fea608016a89a1/pyobjc_framework_Virtualization-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:dc14f6c3deaf367adff18b509e766dc78c4695a4cd76e4aad3ff4b1e207a4635", size = 12343 }, - { url = "https://files.pythonhosted.org/packages/9e/f5/7a98665de2b20a524600b2cca273bf7364e6adb51b77b9b8ee12549b2d58/pyobjc_framework_Virtualization-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:bd79c1bb45113957f24cbf8b6d0ff175361c52c97e326313ecd76cfa015f6cef", size = 9124 }, - { url = "https://files.pythonhosted.org/packages/9e/6a/732e29e221584680c669a2cf5e0c148832ef3643588cbf8ba1ec971be773/pyobjc_framework_Virtualization-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:6e5e6645e31acd07d30b1607c4cdaf0ae0e4d8223471a8a089004c2deb6fdea5", size = 12231 }, + { url = "https://files.pythonhosted.org/packages/e9/0a/cbbd792c1aae7a4eb38b508b0d622443d5aaa4e894d1f208c2d6903e2193/pyobjc_framework_Virtualization-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b8db4421b5de5dd1f94cde2ee6d547d9d3a0099f826f662f0e11b98183fa7484", size = 12306 }, + { url = "https://files.pythonhosted.org/packages/fc/41/57fcaedd3ea5b13298fd4951d2728625cce94bf04412547f91737dd29a22/pyobjc_framework_Virtualization-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:68159f5947956a08f26c3f94ce2dc390ed721b0edbbe7ab757ca9cb3217130f9", size = 11550 }, + { url = "https://files.pythonhosted.org/packages/7d/10/aa03e2dac3cdd9a32e04d6fb470d46dbcff106f9e146d17de818053f8c1c/pyobjc_framework_Virtualization-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:760100c421920927d301655138f8082b220a0af95e23bf86caf8d88bce102672", size = 11542 }, + { url = "https://files.pythonhosted.org/packages/d9/1b/c681f3b43725cda8b49537ff05a640190e63e262005df720b8b2cb23cecd/pyobjc_framework_Virtualization-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c467afb44f2731ebd3836f63a888097ee1fc823b310d9c348c9a89d43bce9749", size = 8980 }, + { url = "https://files.pythonhosted.org/packages/be/d8/588cf8a9106bbec33482744191ab5a93468947d3a04c9ce03ab86c64ba54/pyobjc_framework_Virtualization-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:a77afef5364c18c84f4b9b3c97a0dfaa037f34218ccea5f87f30d344eba86532", size = 12046 }, ] [[package]] name = "pyobjc-framework-vision" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, @@ -7036,28 +6505,30 @@ dependencies = [ { name = "pyobjc-framework-coreml" }, { name = "pyobjc-framework-quartz" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7c/55/ff278351cb47f939a932dc5d9d80a8a0d51a427e27e0419833d49219e757/pyobjc_framework_vision-10.3.1.tar.gz", hash = "sha256:aa071656d395afc2d624600a9f30d6a3344aa747bf37f613ff3972158c40881c", size = 108532 } +sdist = { url = "https://files.pythonhosted.org/packages/a9/f9/f9063b8cdbb2210b51beadffabb7021d55a20b3e9693219c53e98d067c10/pyobjc_framework_vision-10.3.2.tar.gz", hash = "sha256:5cfea4a750657e2c8e7c8b0c26c7aac2578ba09ab8f66ffa0e2ee632410cacf3", size = 108990 } wheels = [ - { url = "https://files.pythonhosted.org/packages/24/4a/c6e7e1aaa2e095be007c82fa4861fae9496737a6a446b0671e12d39bd1fd/pyobjc_framework_Vision-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:dff3582678930461a0bb11bf070854d49f6944a851dc89edc63fac93c75ddf39", size = 17706 }, - { url = "https://files.pythonhosted.org/packages/63/a0/aa85feda6dc7d3a516f4d5059e421a7692d1f4d43e9d3f66e4f56f1281cb/pyobjc_framework_Vision-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:32626183c51674efb3b5738e2884c3fea37edca010117cf71bd72cb3c49c869a", size = 22423 }, - { url = "https://files.pythonhosted.org/packages/c5/ac/ef1f7365ce8b5f0f912553a3dd182998ddef60a5ae7998304231035b0755/pyobjc_framework_Vision-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:2473b346a112c51ac485184305bd13c402e0db45f2df3d277315bd49efba18e9", size = 15731 }, - { url = "https://files.pythonhosted.org/packages/0c/c8/9c6e715b310613aff7612d0b70588cca53e066b577f69db5d66d62e147b9/pyobjc_framework_Vision-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:4302e2c5f68c9667ecd4273809cbc4611af6368b123d69596e5b088f1b1aa16b", size = 17614 }, + { url = "https://files.pythonhosted.org/packages/1d/17/8712cf8e722ec3699b6cffd5a949a1f0269ede916659df84753090e08deb/pyobjc_framework_Vision-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:62efeeef9317d6014b26e4476de45f4b2853970272e1a236e45044ad8ac8b2fb", size = 17689 }, + { url = "https://files.pythonhosted.org/packages/af/ef/16c0b66793d538402b125db5d579e18a40ac7163f154a2190a93a88796af/pyobjc_framework_Vision-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:cae03536f12ed5764ecfdcf9cf96b37e577cc6e8c466aeb23a6aa0682b45ae39", size = 17546 }, + { url = "https://files.pythonhosted.org/packages/ec/2b/16ed6ddea51eca88c7b9676431d7b35767b9b97c10e25ec8b5d762009923/pyobjc_framework_Vision-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:ba5ccd0bf12c29c2cdf1b52405c395929b5802e9120476b8e9a01af691ab33dc", size = 22021 }, + { url = "https://files.pythonhosted.org/packages/ee/b5/02bd6bd54c456962ea9b1a09be96ce7af936e40b57555f035a3d79204d47/pyobjc_framework_Vision-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:2b7edc178ebeb621ba9a239449f8ae1fc6b643f60914ff2be4dad69e901ca331", size = 15580 }, + { url = "https://files.pythonhosted.org/packages/b1/24/13648f9449a2406c0134f35cbdebe124c571b275b7b3061cf7bf3ceaf8ab/pyobjc_framework_Vision-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:1083e23ee4dae7cca8e2d094b1995909690b277c967975227d3395222c0c7377", size = 17469 }, ] [[package]] name = "pyobjc-framework-webkit" -version = "10.3.1" +version = "10.3.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pyobjc-core" }, { name = "pyobjc-framework-cocoa" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/15/6b/50c1000354e9de966a150b4a41c291c83517eec9bd162f43ea4e55444d64/pyobjc_framework_webkit-10.3.1.tar.gz", hash = "sha256:7ad9f4eb91a6dff39848d9c2ab71f170aeab4b6396bcec8e5a780739f9be4222", size = 610874 } +sdist = { url = "https://files.pythonhosted.org/packages/ef/98/89187c121e130e11ce6c7ed86a2de10cb6d6c8994eb77ab2b81a060d1916/pyobjc_framework_webkit-10.3.2.tar.gz", hash = "sha256:b60d097a87867c252286855158cc35d991e2273f162f40f8e38e95153894bbbf", size = 611469 } wheels = [ - { url = "https://files.pythonhosted.org/packages/3b/8b/bddff1733fb4da9b23039b1a51f755a446a127fbab08a6e4fbaae0445510/pyobjc_framework_WebKit-10.3.1-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:df52913e4c3cb77d4551d9848e30be01b82cace54cede850c88a7e0ab41a20a9", size = 44518 }, - { url = "https://files.pythonhosted.org/packages/fa/e9/304f8cc6e3a5ac7062c77134e14579ad33941a761b43c97f1be8aa16ad0a/pyobjc_framework_WebKit-10.3.1-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:207a7aa57817d3ab3fa033e42ab612f8c00521f13ff2871547c92cd94ed51f85", size = 44626 }, - { url = "https://files.pythonhosted.org/packages/e1/8a/a5bd21238eb1cc5bbc2efc1e3fafad64ec60cd43d728e7d02767b041fe66/pyobjc_framework_WebKit-10.3.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c0d4c1ba0fafae503a8df95e7b6bd4236951ba72508ec62809e37825f382c635", size = 32764 }, - { url = "https://files.pythonhosted.org/packages/77/5a/c9620198d192abc6e8e694301507a3e6c8c76f4d3aac3bac24414f807c95/pyobjc_framework_WebKit-10.3.1-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:c8e3334978a1bd927ea14ed73f56d6741561a69d31d082d2b23d1b48446917c8", size = 44697 }, + { url = "https://files.pythonhosted.org/packages/49/7a/40f6026cfe2d3fdf7ff783634ebe86ed93f925f997c1e723c943d914925d/pyobjc_framework_WebKit-10.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e1efde488083222a0a5fd4c813727f142e698014fe433f283533d06363163872", size = 45451 }, + { url = "https://files.pythonhosted.org/packages/86/83/a4526fb64176b7e0d19ee20a8760548ef144227784aea5f0e1bf634c3ae2/pyobjc_framework_WebKit-10.3.2-cp36-abi3-macosx_10_13_universal2.whl", hash = "sha256:c72c1b0c5b72fd5203cd4b445e96494eab2518ef688629d2ea75dced95c236e9", size = 44898 }, + { url = "https://files.pythonhosted.org/packages/f1/85/e8d439d84bed84a15bd22bb0c2a4c7ab9371a37d3038fbde478d1be4ee2a/pyobjc_framework_WebKit-10.3.2-cp36-abi3-macosx_10_9_universal2.whl", hash = "sha256:3ef315a185289c051f43f1d2aebf94a2cdd4408731d1d712972e2e130a17e632", size = 44879 }, + { url = "https://files.pythonhosted.org/packages/3c/a4/df27ea5a5256e0a031ccdfc875636641dd807f1f882b95f8a61bb189b871/pyobjc_framework_WebKit-10.3.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:f8e89d51511b0bf2d6ec8d8a0cf8e74b3451987fb10a3adf5d6181cc77c1260a", size = 32797 }, + { url = "https://files.pythonhosted.org/packages/68/1a/06e6f8de19505c3807db47962308390e2d15e5729342c8382750a538762c/pyobjc_framework_WebKit-10.3.2-cp36-abi3-macosx_11_0_universal2.whl", hash = "sha256:efce711d3cbe5ef34620002ae2189b802420e6e2923973ed4c59989443b5499f", size = 44847 }, ] [[package]] @@ -7071,7 +6542,7 @@ wheels = [ [[package]] name = "pytest" -version = "8.3.3" +version = "8.3.4" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "colorama", marker = "sys_platform == 'win32'" }, @@ -7081,9 +6552,9 @@ dependencies = [ { name = "pluggy" }, { name = "tomli", marker = "python_full_version < '3.11'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/8b/6c/62bbd536103af674e227c41a8f3dcd022d591f6eed5facb5a0f31ee33bbc/pytest-8.3.3.tar.gz", hash = "sha256:70b98107bd648308a7952b06e6ca9a50bc660be218d53c257cc1fc94fda10181", size = 1442487 } +sdist = { url = "https://files.pythonhosted.org/packages/05/35/30e0d83068951d90a01852cb1cef56e5d8a09d20c7f511634cc2f7e0372a/pytest-8.3.4.tar.gz", hash = "sha256:965370d062bce11e73868e0335abac31b4d3de0e82f4007408d242b4f8610761", size = 1445919 } wheels = [ - { url = "https://files.pythonhosted.org/packages/6b/77/7440a06a8ead44c7757a64362dd22df5760f9b12dc5f11b6188cd2fc27a0/pytest-8.3.3-py3-none-any.whl", hash = "sha256:a6853c7375b2663155079443d2e45de913a911a11d669df02a50814944db57b2", size = 342341 }, + { url = "https://files.pythonhosted.org/packages/11/92/76a1c94d3afee238333bc0a42b82935dd8f9cf8ce9e336ff87ee14d9e1cf/pytest-8.3.4-py3-none-any.whl", hash = "sha256:50e16d954148559c9a74109af1eaf0c945ba2d8f30f0a3d3335edde19788b6f6", size = 343083 }, ] [[package]] @@ -7125,169 +6596,19 @@ wheels = [ [[package]] name = "pytorch-lightning" -version = "2.3.3" +version = "2.4.0" source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", -] dependencies = [ - { name = "fsspec", extra = ["http"], marker = "platform_system != 'Windows'" }, - { name = "lightning-utilities", marker = "platform_system != 'Windows'" }, - { name = "numpy", marker = "platform_system != 'Windows'" }, - { name = "packaging", marker = "platform_system != 'Windows'" }, - { name = "pyyaml", marker = "platform_system != 'Windows'" }, + { name = "fsspec", extra = ["http"] }, + { name = "lightning-utilities" }, + { name = "packaging" }, + { name = "pyyaml" }, { name = "torch", version = "2.1.2+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, { name = "torch", version = "2.4.1", source = { registry = "https://pypi.org/simple" }, marker = "platform_system == 'Darwin'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system != 'Windows'" }, - { name = "torchmetrics", marker = "platform_system != 'Windows'" }, - { name = "tqdm", marker = "platform_system != 'Windows'" }, - { name = "typing-extensions", marker = "platform_system != 'Windows'" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/e6/af/d20939d82145b36406e59a1f07ce2f7fe7bd191926636dc80f19b9a11c2c/pytorch-lightning-2.3.3.tar.gz", hash = "sha256:5f974015425af6873b5689246c5495ca12686b446751479273c154b73aeea843", size = 622981 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cf/1c/6122684e93864c09cf8010e27ad82b3b2f4864bd6864a40cb9e040752277/pytorch_lightning-2.3.3-py3-none-any.whl", hash = "sha256:4365e3f2874e223e63cb42628d24c88c2bdc8d1794453cac38c0619b31115fba", size = 812270 }, -] - -[[package]] -name = "pytorch-lightning" -version = "2.4.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", -] -dependencies = [ - { name = "fsspec", extra = ["http"], marker = "platform_system == 'Windows'" }, - { name = "lightning-utilities", marker = "platform_system == 'Windows'" }, - { name = "packaging", marker = "platform_system == 'Windows'" }, - { name = "pyyaml", marker = "platform_system == 'Windows'" }, - { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "platform_system == 'Windows'" }, - { name = "torchmetrics", marker = "platform_system == 'Windows'" }, - { name = "tqdm", marker = "platform_system == 'Windows'" }, - { name = "typing-extensions", marker = "platform_system == 'Windows'" }, + { name = "torch", version = "2.4.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, + { name = "torchmetrics" }, + { name = "tqdm" }, + { name = "typing-extensions" }, ] sdist = { url = "https://files.pythonhosted.org/packages/d1/f0/3207bd5019c43899efbb5444da263577497a5c4dc82719633a3bf63d8f45/pytorch-lightning-2.4.0.tar.gz", hash = "sha256:6aa897fd9d6dfa7b7b49f37c2f04e13592861831d08deae584dfda423fdb71c8", size = 625320 } wheels = [ @@ -8222,7 +7543,7 @@ and-cuda = [ { name = "nvidia-cusolver-cu12", version = "11.5.4.101", source = { registry = "https://pypi.org/simple" } }, { name = "nvidia-cusparse-cu12", version = "12.2.0.103", source = { registry = "https://pypi.org/simple" } }, { name = "nvidia-nccl-cu12", version = "2.19.3", source = { registry = "https://pypi.org/simple" } }, - { name = "nvidia-nvjitlink-cu12" }, + { name = "nvidia-nvjitlink-cu12", version = "12.3.101", source = { registry = "https://pypi.org/simple" } }, ] [[package]] @@ -8336,18 +7657,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock", marker = "platform_system != 'Windows'" }, @@ -8360,26 +7669,14 @@ dependencies = [ ] wheels = [ { url = "https://download.pytorch.org/whl/cu121/torch-2.1.2%2Bcu121-cp310-cp310-linux_x86_64.whl", hash = "sha256:b2184b7729ef3b9b10065c074a37c1e603fd99f91e38376e25cb7ed6e1d54696" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.1.2%2Bcu121-cp311-cp311-linux_x86_64.whl", hash = "sha256:ca05cae9334504d1903e16c50ddf045329a859d5b1a27ed2dc1d58ed066df6fa" }, -] - -[[package]] -name = "torch" -version = "2.4.1" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", + { url = "https://download.pytorch.org/whl/cu121/torch-2.1.2%2Bcu121-cp311-cp311-linux_x86_64.whl", hash = "sha256:ca05cae9334504d1903e16c50ddf045329a859d5b1a27ed2dc1d58ed066df6fa" }, +] + +[[package]] +name = "torch" +version = "2.4.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", @@ -8407,131 +7704,47 @@ version = "2.4.1+cu121" source = { registry = "https://download.pytorch.org/whl/cu121" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock" }, @@ -8613,18 +7826,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "numpy", marker = "platform_system != 'Windows'" }, @@ -8648,18 +7849,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", ] dependencies = [ { name = "numpy", marker = "platform_system == 'Darwin'" }, @@ -8678,130 +7867,46 @@ version = "0.19.1+cu121" source = { registry = "https://download.pytorch.org/whl/cu121" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", + "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", + "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Darwin' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Darwin' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system == 'Windows' and sys_platform == 'linux'", ] dependencies = [ @@ -8868,18 +7973,6 @@ resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ { name = "filelock", marker = "platform_system != 'Windows'" }, @@ -8895,40 +7988,16 @@ version = "3.0.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform != 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version < '3.11' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version == '3.11.*' and platform_system != 'Windows' and sys_platform == 'linux'", - "python_full_version >= '3.12' and platform_system != 'Darwin' and platform_system != 'Windows' and sys_platform == 'linux'", "python_full_version >= '3.12' and platform_system != 'Windows' and sys_platform == 'linux'", ] dependencies = [ @@ -9176,80 +8245,80 @@ wheels = [ [[package]] name = "yarl" -version = "1.18.0" +version = "1.18.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "idna" }, { name = "multidict" }, { name = "propcache" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5e/4b/53db4ecad4d54535aff3dfda1f00d6363d79455f62b11b8ca97b82746bd2/yarl-1.18.0.tar.gz", hash = "sha256:20d95535e7d833889982bfe7cc321b7f63bf8879788fee982c76ae2b24cfb715", size = 180098 } -wheels = [ - { url = "https://files.pythonhosted.org/packages/80/8b/305e1bde6bbf900bb8909a4884488764ee5950dda4da06cec885c06dae68/yarl-1.18.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:074fee89caab89a97e18ef5f29060ef61ba3cae6cd77673acc54bfdd3214b7b7", size = 141186 }, - { url = "https://files.pythonhosted.org/packages/6a/85/a15e439d8faa6bd09a536d87ca7a32daa50cf8820cf220edbced702348a0/yarl-1.18.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b026cf2c32daf48d90c0c4e406815c3f8f4cfe0c6dfccb094a9add1ff6a0e41a", size = 94097 }, - { url = "https://files.pythonhosted.org/packages/12/9d/7d39082baae943f138df1bb96914f8d53fd65eb131b9d0965917b009b35d/yarl-1.18.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ae38bd86eae3ba3d2ce5636cc9e23c80c9db2e9cb557e40b98153ed102b5a736", size = 91915 }, - { url = "https://files.pythonhosted.org/packages/c0/35/7e6fbfeb413f281dda59d4a9fce7a0c43cb1f22cb6ac25151d4c4ce51651/yarl-1.18.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:685cc37f3f307c6a8e879986c6d85328f4c637f002e219f50e2ef66f7e062c1d", size = 315086 }, - { url = "https://files.pythonhosted.org/packages/76/2e/61b854cca176d8952d1448b15d59b9b4df27648e4cc9c1a2a01449238b21/yarl-1.18.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8254dbfce84ee5d1e81051ee7a0f1536c108ba294c0fdb5933476398df0654f3", size = 330221 }, - { url = "https://files.pythonhosted.org/packages/98/66/975c36deeb069888274c2edfa9d6aef44c7574e9b11bb0687130ddd02558/yarl-1.18.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:20de4a8b04de70c49698dc2390b7fd2d18d424d3b876371f9b775e2b462d4b41", size = 326650 }, - { url = "https://files.pythonhosted.org/packages/a4/06/511e5ac4e562cbd605a05c90875e36ec5bac93da0dc55c730b4b3b09face/yarl-1.18.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b0a2074a37285570d54b55820687de3d2f2b9ecf1b714e482e48c9e7c0402038", size = 319437 }, - { url = "https://files.pythonhosted.org/packages/7c/6a/8f6f8b17b28ed6eaaf20f5a80d391ae1c1bd5437af9ed552b9eb8903b11c/yarl-1.18.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3f576ed278860df2721a5d57da3381040176ef1d07def9688a385c8330db61a1", size = 309966 }, - { url = "https://files.pythonhosted.org/packages/b5/54/4d9dcbdaba18a948f8bea5b65835bfcc5a931426c79d8d2dafe45264ece8/yarl-1.18.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:3a3709450a574d61be6ac53d582496014342ea34876af8dc17cc16da32826c9a", size = 319519 }, - { url = "https://files.pythonhosted.org/packages/42/b7/de7fcde2c414d33a2be5ac9c31469ad33874a26a5e3421b2a9505a1a10ee/yarl-1.18.0-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:bd80ed29761490c622edde5dd70537ca8c992c2952eb62ed46984f8eff66d6e8", size = 321455 }, - { url = "https://files.pythonhosted.org/packages/4e/49/8ed0dc1973876f20b63fe66986f300fd0721f3d644b6a64be12ec436c197/yarl-1.18.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:32141e13a1d5a48525e519c9197d3f4d9744d818d5c7d6547524cc9eccc8971e", size = 324564 }, - { url = "https://files.pythonhosted.org/packages/0c/76/63209f71efde8875670441875ef1a46383a06f578f6babf819b0cf79ebd7/yarl-1.18.0-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:8b8d3e4e014fb4274f1c5bf61511d2199e263909fb0b8bda2a7428b0894e8dc6", size = 336798 }, - { url = "https://files.pythonhosted.org/packages/a8/f3/77e0cdee76359dade383b61eb995a3a2efcef3d64da3222f3cf52d38bd38/yarl-1.18.0-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:701bb4a8f4de191c8c0cc9a1e6d5142f4df880e9d1210e333b829ca9425570ed", size = 337902 }, - { url = "https://files.pythonhosted.org/packages/96/d9/0f97875e2498196a9b5561de32f3f25208485c7b43d676a65a2ee6c12fd7/yarl-1.18.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:a45d94075ac0647621eaaf693c8751813a3eccac455d423f473ffed38c8ac5c9", size = 331620 }, - { url = "https://files.pythonhosted.org/packages/71/a3/e3bd136838d29fec4acc4919bcfd2bd33296f6c281c829fa277e72bc2590/yarl-1.18.0-cp310-cp310-win32.whl", hash = "sha256:34176bfb082add67cb2a20abd85854165540891147f88b687a5ed0dc225750a0", size = 84045 }, - { url = "https://files.pythonhosted.org/packages/fd/20/a474648c2b49c9ed5eb0e7137add6373e5d9220eda7e6d4b43d306e67672/yarl-1.18.0-cp310-cp310-win_amd64.whl", hash = "sha256:73553bbeea7d6ec88c08ad8027f4e992798f0abc459361bf06641c71972794dc", size = 90221 }, - { url = "https://files.pythonhosted.org/packages/06/45/6ad7135d1c4ad3a6a49e2c37dc78a1805a7871879c03c3495d64c9605d49/yarl-1.18.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:b8e8c516dc4e1a51d86ac975b0350735007e554c962281c432eaa5822aa9765c", size = 141283 }, - { url = "https://files.pythonhosted.org/packages/45/6d/24b70ae33107d6eba303ed0ebfdf1164fe2219656e7594ca58628ebc0f1d/yarl-1.18.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2e6b4466714a73f5251d84b471475850954f1fa6acce4d3f404da1d55d644c34", size = 94082 }, - { url = "https://files.pythonhosted.org/packages/8a/0e/da720989be11b662ca847ace58f468b52310a9b03e52ac62c144755f9d75/yarl-1.18.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c893f8c1a6d48b25961e00922724732d00b39de8bb0b451307482dc87bddcd74", size = 92017 }, - { url = "https://files.pythonhosted.org/packages/f5/76/e5c91681fa54658943cb88673fb19b3355c3a8ae911a33a2621b6320990d/yarl-1.18.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:13aaf2bdbc8c86ddce48626b15f4987f22e80d898818d735b20bd58f17292ee8", size = 340359 }, - { url = "https://files.pythonhosted.org/packages/cf/77/02cf72f09dea20980dea4ebe40dfb2c24916b864aec869a19f715428e0f0/yarl-1.18.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dd21c0128e301851de51bc607b0a6da50e82dc34e9601f4b508d08cc89ee7929", size = 356336 }, - { url = "https://files.pythonhosted.org/packages/17/66/83a88d04e4fc243dd26109f3e3d6412f67819ab1142dadbce49706ef4df4/yarl-1.18.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:205de377bd23365cd85562c9c6c33844050a93661640fda38e0567d2826b50df", size = 353730 }, - { url = "https://files.pythonhosted.org/packages/76/77/0b205a532d22756ab250ab21924d362f910a23d641c82faec1c4ad7f6077/yarl-1.18.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ed69af4fe2a0949b1ea1d012bf065c77b4c7822bad4737f17807af2adb15a73c", size = 343882 }, - { url = "https://files.pythonhosted.org/packages/0b/47/2081ddce3da6096889c3947bdc21907d0fa15939909b10219254fe116841/yarl-1.18.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8e1c18890091aa3cc8a77967943476b729dc2016f4cfe11e45d89b12519d4a93", size = 335873 }, - { url = "https://files.pythonhosted.org/packages/25/3c/437304394494e757ae927c9a81bacc4bcdf7351a1d4e811d95b02cb6dbae/yarl-1.18.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:91b8fb9427e33f83ca2ba9501221ffaac1ecf0407f758c4d2f283c523da185ee", size = 347725 }, - { url = "https://files.pythonhosted.org/packages/c6/fb/fa6c642bc052fbe6370ed5da765579650510157dea354fe9e8177c3bc34a/yarl-1.18.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:536a7a8a53b75b2e98ff96edb2dfb91a26b81c4fed82782035767db5a465be46", size = 346161 }, - { url = "https://files.pythonhosted.org/packages/b0/09/8c0cf68a0fcfe3b060c9e5857bb35735bc72a4cf4075043632c636d007e9/yarl-1.18.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:a64619a9c47c25582190af38e9eb382279ad42e1f06034f14d794670796016c0", size = 349924 }, - { url = "https://files.pythonhosted.org/packages/bf/4b/1efe10fd51e2cedf53195d688fa270efbcd64a015c61d029d49c20bf0af7/yarl-1.18.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:c73a6bbc97ba1b5a0c3c992ae93d721c395bdbb120492759b94cc1ac71bc6350", size = 361865 }, - { url = "https://files.pythonhosted.org/packages/0b/1b/2b5efd6df06bf938f7e154dee8e2ab22d148f3311a92bf4da642aaaf2fc5/yarl-1.18.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:a173401d7821a2a81c7b47d4e7d5c4021375a1441af0c58611c1957445055056", size = 366030 }, - { url = "https://files.pythonhosted.org/packages/f8/db/786a5684f79278e62271038a698f56a51960f9e643be5d3eff82712f0b1c/yarl-1.18.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:7520e799b1f84e095cce919bd6c23c9d49472deeef25fe1ef960b04cca51c3fc", size = 358902 }, - { url = "https://files.pythonhosted.org/packages/91/2f/437d0de062f1a3e3cb17573971b3832232443241133580c2ba3da5001d06/yarl-1.18.0-cp311-cp311-win32.whl", hash = "sha256:c4cb992d8090d5ae5f7afa6754d7211c578be0c45f54d3d94f7781c495d56716", size = 84138 }, - { url = "https://files.pythonhosted.org/packages/9d/85/035719a9266bce85ecde820aa3f8c46f3b18c3d7ba9ff51367b2fa4ae2a2/yarl-1.18.0-cp311-cp311-win_amd64.whl", hash = "sha256:52c136f348605974c9b1c878addd6b7a60e3bf2245833e370862009b86fa4689", size = 90765 }, - { url = "https://files.pythonhosted.org/packages/23/36/c579b80a5c76c0d41c8e08baddb3e6940dfc20569db579a5691392c52afa/yarl-1.18.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1ece25e2251c28bab737bdf0519c88189b3dd9492dc086a1d77336d940c28ced", size = 142376 }, - { url = "https://files.pythonhosted.org/packages/0c/5f/e247dc7c0607a0c505fea6c839721844bee55686dfb183c7d7b8ef8a9cb1/yarl-1.18.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:454902dc1830d935c90b5b53c863ba2a98dcde0fbaa31ca2ed1ad33b2a7171c6", size = 94692 }, - { url = "https://files.pythonhosted.org/packages/eb/e1/3081b578a6f21961711b9a1c49c2947abb3b0d0dd9537378fb06777ce8ee/yarl-1.18.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:01be8688fc211dc237e628fcc209dda412d35de7642453059a0553747018d075", size = 92527 }, - { url = "https://files.pythonhosted.org/packages/2f/fa/d9e1b9fbafa4cc82cd3980b5314741b33c2fe16308d725449a23aed32021/yarl-1.18.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4d26f1fa9fa2167bb238f6f4b20218eb4e88dd3ef21bb8f97439fa6b5313e30d", size = 332096 }, - { url = "https://files.pythonhosted.org/packages/93/b6/dd27165114317875838e216214fb86338dc63d2e50855a8f2a12de2a7fe5/yarl-1.18.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b234a4a9248a9f000b7a5dfe84b8cb6210ee5120ae70eb72a4dcbdb4c528f72f", size = 342047 }, - { url = "https://files.pythonhosted.org/packages/fc/9f/bad434b5279ae7a356844e14dc771c3d29eb928140bbc01621af811c8a27/yarl-1.18.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fe94d1de77c4cd8caff1bd5480e22342dbd54c93929f5943495d9c1e8abe9f42", size = 341712 }, - { url = "https://files.pythonhosted.org/packages/9a/9f/63864f43d131ba8c8cdf1bde5dd3f02f0eff8a7c883a5d7fad32f204fda5/yarl-1.18.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9b4c90c5363c6b0a54188122b61edb919c2cd1119684999d08cd5e538813a28e", size = 336654 }, - { url = "https://files.pythonhosted.org/packages/20/30/b4542bbd9be73de155213207eec019f6fe6495885f7dd59aa1ff705a041b/yarl-1.18.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:49a98ecadc5a241c9ba06de08127ee4796e1009555efd791bac514207862b43d", size = 325484 }, - { url = "https://files.pythonhosted.org/packages/69/bc/e2a9808ec26989cf0d1b98fe7b3cc45c1c6506b5ea4fe43ece5991f28f34/yarl-1.18.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:9106025c7f261f9f5144f9aa7681d43867eed06349a7cfb297a1bc804de2f0d1", size = 344213 }, - { url = "https://files.pythonhosted.org/packages/e2/17/0ee5a68886aca1a8071b0d24a1e1c0fd9970dead2ef2d5e26e027fb7ce88/yarl-1.18.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:f275ede6199d0f1ed4ea5d55a7b7573ccd40d97aee7808559e1298fe6efc8dbd", size = 340517 }, - { url = "https://files.pythonhosted.org/packages/fd/db/1fe4ef38ee852bff5ec8f5367d718b3a7dac7520f344b8e50306f68a2940/yarl-1.18.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:f7edeb1dcc7f50a2c8e08b9dc13a413903b7817e72273f00878cb70e766bdb3b", size = 346234 }, - { url = "https://files.pythonhosted.org/packages/b4/ee/5e5bccdb821eb9949ba66abb4d19e3299eee00282e37b42f65236120e892/yarl-1.18.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:c083f6dd6951b86e484ebfc9c3524b49bcaa9c420cb4b2a78ef9f7a512bfcc85", size = 359625 }, - { url = "https://files.pythonhosted.org/packages/3f/43/95a64d9e7ab4aa1c34fc5ea0edb35b581bc6ad33fd960a8ae34c2040b319/yarl-1.18.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:80741ec5b471fbdfb997821b2842c59660a1c930ceb42f8a84ba8ca0f25a66aa", size = 364239 }, - { url = "https://files.pythonhosted.org/packages/40/19/09ce976c624c9d3cc898f0be5035ddef0c0759d85b2313321cfe77b69915/yarl-1.18.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b1a3297b9cad594e1ff0c040d2881d7d3a74124a3c73e00c3c71526a1234a9f7", size = 357599 }, - { url = "https://files.pythonhosted.org/packages/7d/35/6f33fd29791af2ec161aebe8abe63e788c2b74a6c7e8f29c92e5f5e96849/yarl-1.18.0-cp312-cp312-win32.whl", hash = "sha256:cd6ab7d6776c186f544f893b45ee0c883542b35e8a493db74665d2e594d3ca75", size = 83832 }, - { url = "https://files.pythonhosted.org/packages/4e/8e/cdb40ef98597be107de67b11e2f1f23f911e0f1416b938885d17a338e304/yarl-1.18.0-cp312-cp312-win_amd64.whl", hash = "sha256:039c299a0864d1f43c3e31570045635034ea7021db41bf4842693a72aca8df3a", size = 90132 }, - { url = "https://files.pythonhosted.org/packages/2b/77/2196b657c66f97adaef0244e9e015f30eac0df59c31ad540f79ce328feed/yarl-1.18.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:6fb64dd45453225f57d82c4764818d7a205ee31ce193e9f0086e493916bd4f72", size = 140512 }, - { url = "https://files.pythonhosted.org/packages/0e/d8/2bb6e26fddba5c01bad284e4571178c651b97e8e06318efcaa16e07eb9fd/yarl-1.18.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:3adaaf9c6b1b4fc258584f4443f24d775a2086aee82d1387e48a8b4f3d6aecf6", size = 93875 }, - { url = "https://files.pythonhosted.org/packages/54/e4/99fbb884dd9f814fb0037dc1783766bb9edcd57b32a76f3ec5ac5c5772d7/yarl-1.18.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:da206d1ec78438a563c5429ab808a2b23ad7bc025c8adbf08540dde202be37d5", size = 91705 }, - { url = "https://files.pythonhosted.org/packages/3b/a2/5bd86eca9449e6b15d3b08005cf4e58e3da972240c2bee427b358c311549/yarl-1.18.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:576d258b21c1db4c6449b1c572c75d03f16a482eb380be8003682bdbe7db2f28", size = 333325 }, - { url = "https://files.pythonhosted.org/packages/94/50/a218da5f159cd985685bc72c500bb1a7fd2d60035d2339b8a9d9e1f99194/yarl-1.18.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c60e547c0a375c4bfcdd60eef82e7e0e8698bf84c239d715f5c1278a73050393", size = 344121 }, - { url = "https://files.pythonhosted.org/packages/a4/e3/830ae465811198b4b5ebecd674b5b3dca4d222af2155eb2144bfe190bbb8/yarl-1.18.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e3818eabaefb90adeb5e0f62f047310079d426387991106d4fbf3519eec7d90a", size = 345163 }, - { url = "https://files.pythonhosted.org/packages/7a/74/05c4326877ca541eee77b1ef74b7ac8081343d3957af8f9291ca6eca6fec/yarl-1.18.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a5f72421246c21af6a92fbc8c13b6d4c5427dfd949049b937c3b731f2f9076bd", size = 339130 }, - { url = "https://files.pythonhosted.org/packages/29/42/842f35aa1dae25d132119ee92185e8c75d8b9b7c83346506bd31e9fa217f/yarl-1.18.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7fa7d37f2ada0f42e0723632993ed422f2a679af0e200874d9d861720a54f53e", size = 326418 }, - { url = "https://files.pythonhosted.org/packages/f9/ed/65c0514f2d1e8b92a61f564c914381d078766cab38b5fbde355b3b3af1fb/yarl-1.18.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:42ba84e2ac26a3f252715f8ec17e6fdc0cbf95b9617c5367579fafcd7fba50eb", size = 345204 }, - { url = "https://files.pythonhosted.org/packages/23/31/351f64f0530c372fa01160f38330f44478e7bf3092f5ce2bfcb91605561d/yarl-1.18.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:6a49ad0102c0f0ba839628d0bf45973c86ce7b590cdedf7540d5b1833ddc6f00", size = 341652 }, - { url = "https://files.pythonhosted.org/packages/49/aa/0c6e666c218d567727c1d040d01575685e7f9b18052fd68a59c9f61fe5d9/yarl-1.18.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:96404e8d5e1bbe36bdaa84ef89dc36f0e75939e060ca5cd45451aba01db02902", size = 347257 }, - { url = "https://files.pythonhosted.org/packages/36/0b/33a093b0e13bb8cd0f27301779661ff325270b6644929001f8f33307357d/yarl-1.18.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:a0509475d714df8f6d498935b3f307cd122c4ca76f7d426c7e1bb791bcd87eda", size = 359735 }, - { url = "https://files.pythonhosted.org/packages/a8/92/dcc0b37c48632e71ffc2b5f8b0509347a0bde55ab5862ff755dce9dd56c4/yarl-1.18.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:1ff116f0285b5c8b3b9a2680aeca29a858b3b9e0402fc79fd850b32c2bcb9f8b", size = 365982 }, - { url = "https://files.pythonhosted.org/packages/0e/39/30e2a24a7a6c628dccb13eb6c4a03db5f6cd1eb2c6cda56a61ddef764c11/yarl-1.18.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e2580c1d7e66e6d29d6e11855e3b1c6381971e0edd9a5066e6c14d79bc8967af", size = 360128 }, - { url = "https://files.pythonhosted.org/packages/76/13/12b65dca23b1fb8ae44269a4d24048fd32ac90b445c985b0a46fdfa30cfe/yarl-1.18.0-cp313-cp313-win32.whl", hash = "sha256:14408cc4d34e202caba7b5ac9cc84700e3421a9e2d1b157d744d101b061a4a88", size = 309888 }, - { url = "https://files.pythonhosted.org/packages/f6/60/478d3d41a4bf0b9e7dca74d870d114e775d1ff7156b7d1e0e9972e8f97fd/yarl-1.18.0-cp313-cp313-win_amd64.whl", hash = "sha256:1db1537e9cb846eb0ff206eac667f627794be8b71368c1ab3207ec7b6f8c5afc", size = 315459 }, - { url = "https://files.pythonhosted.org/packages/30/9c/3f7ab894a37b1520291247cbc9ea6756228d098dae5b37eec848d404a204/yarl-1.18.0-py3-none-any.whl", hash = "sha256:dbf53db46f7cf176ee01d8d98c39381440776fcda13779d269a8ba664f69bec0", size = 44840 }, +sdist = { url = "https://files.pythonhosted.org/packages/b7/9d/4b94a8e6d2b51b599516a5cb88e5bc99b4d8d4583e468057eaa29d5f0918/yarl-1.18.3.tar.gz", hash = "sha256:ac1801c45cbf77b6c99242eeff4fffb5e4e73a800b5c4ad4fc0be5def634d2e1", size = 181062 } +wheels = [ + { url = "https://files.pythonhosted.org/packages/d2/98/e005bc608765a8a5569f58e650961314873c8469c333616eb40bff19ae97/yarl-1.18.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7df647e8edd71f000a5208fe6ff8c382a1de8edfbccdbbfe649d263de07d8c34", size = 141458 }, + { url = "https://files.pythonhosted.org/packages/df/5d/f8106b263b8ae8a866b46d9be869ac01f9b3fb7f2325f3ecb3df8003f796/yarl-1.18.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c69697d3adff5aa4f874b19c0e4ed65180ceed6318ec856ebc423aa5850d84f7", size = 94365 }, + { url = "https://files.pythonhosted.org/packages/56/3e/d8637ddb9ba69bf851f765a3ee288676f7cf64fb3be13760c18cbc9d10bd/yarl-1.18.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:602d98f2c2d929f8e697ed274fbadc09902c4025c5a9963bf4e9edfc3ab6f7ed", size = 92181 }, + { url = "https://files.pythonhosted.org/packages/76/f9/d616a5c2daae281171de10fba41e1c0e2d8207166fc3547252f7d469b4e1/yarl-1.18.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c654d5207c78e0bd6d749f6dae1dcbbfde3403ad3a4b11f3c5544d9906969dde", size = 315349 }, + { url = "https://files.pythonhosted.org/packages/bb/b4/3ea5e7b6f08f698b3769a06054783e434f6d59857181b5c4e145de83f59b/yarl-1.18.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5094d9206c64181d0f6e76ebd8fb2f8fe274950a63890ee9e0ebfd58bf9d787b", size = 330494 }, + { url = "https://files.pythonhosted.org/packages/55/f1/e0fc810554877b1b67420568afff51b967baed5b53bcc983ab164eebf9c9/yarl-1.18.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:35098b24e0327fc4ebdc8ffe336cee0a87a700c24ffed13161af80124b7dc8e5", size = 326927 }, + { url = "https://files.pythonhosted.org/packages/a9/42/b1753949b327b36f210899f2dd0a0947c0c74e42a32de3f8eb5c7d93edca/yarl-1.18.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3236da9272872443f81fedc389bace88408f64f89f75d1bdb2256069a8730ccc", size = 319703 }, + { url = "https://files.pythonhosted.org/packages/f0/6d/e87c62dc9635daefb064b56f5c97df55a2e9cc947a2b3afd4fd2f3b841c7/yarl-1.18.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e2c08cc9b16f4f4bc522771d96734c7901e7ebef70c6c5c35dd0f10845270bcd", size = 310246 }, + { url = "https://files.pythonhosted.org/packages/e3/ef/e2e8d1785cdcbd986f7622d7f0098205f3644546da7919c24b95790ec65a/yarl-1.18.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:80316a8bd5109320d38eef8833ccf5f89608c9107d02d2a7f985f98ed6876990", size = 319730 }, + { url = "https://files.pythonhosted.org/packages/fc/15/8723e22345bc160dfde68c4b3ae8b236e868f9963c74015f1bc8a614101c/yarl-1.18.3-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:c1e1cc06da1491e6734f0ea1e6294ce00792193c463350626571c287c9a704db", size = 321681 }, + { url = "https://files.pythonhosted.org/packages/86/09/bf764e974f1516efa0ae2801494a5951e959f1610dd41edbfc07e5e0f978/yarl-1.18.3-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:fea09ca13323376a2fdfb353a5fa2e59f90cd18d7ca4eaa1fd31f0a8b4f91e62", size = 324812 }, + { url = "https://files.pythonhosted.org/packages/f6/4c/20a0187e3b903c97d857cf0272d687c1b08b03438968ae8ffc50fe78b0d6/yarl-1.18.3-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:e3b9fd71836999aad54084906f8663dffcd2a7fb5cdafd6c37713b2e72be1760", size = 337011 }, + { url = "https://files.pythonhosted.org/packages/c9/71/6244599a6e1cc4c9f73254a627234e0dad3883ece40cc33dce6265977461/yarl-1.18.3-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:757e81cae69244257d125ff31663249b3013b5dc0a8520d73694aed497fb195b", size = 338132 }, + { url = "https://files.pythonhosted.org/packages/af/f5/e0c3efaf74566c4b4a41cb76d27097df424052a064216beccae8d303c90f/yarl-1.18.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:b1771de9944d875f1b98a745bc547e684b863abf8f8287da8466cf470ef52690", size = 331849 }, + { url = "https://files.pythonhosted.org/packages/8a/b8/3d16209c2014c2f98a8f658850a57b716efb97930aebf1ca0d9325933731/yarl-1.18.3-cp310-cp310-win32.whl", hash = "sha256:8874027a53e3aea659a6d62751800cf6e63314c160fd607489ba5c2edd753cf6", size = 84309 }, + { url = "https://files.pythonhosted.org/packages/fd/b7/2e9a5b18eb0fe24c3a0e8bae994e812ed9852ab4fd067c0107fadde0d5f0/yarl-1.18.3-cp310-cp310-win_amd64.whl", hash = "sha256:93b2e109287f93db79210f86deb6b9bbb81ac32fc97236b16f7433db7fc437d8", size = 90484 }, + { url = "https://files.pythonhosted.org/packages/40/93/282b5f4898d8e8efaf0790ba6d10e2245d2c9f30e199d1a85cae9356098c/yarl-1.18.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:8503ad47387b8ebd39cbbbdf0bf113e17330ffd339ba1144074da24c545f0069", size = 141555 }, + { url = "https://files.pythonhosted.org/packages/6d/9c/0a49af78df099c283ca3444560f10718fadb8a18dc8b3edf8c7bd9fd7d89/yarl-1.18.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:02ddb6756f8f4517a2d5e99d8b2f272488e18dd0bfbc802f31c16c6c20f22193", size = 94351 }, + { url = "https://files.pythonhosted.org/packages/5a/a1/205ab51e148fdcedad189ca8dd587794c6f119882437d04c33c01a75dece/yarl-1.18.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:67a283dd2882ac98cc6318384f565bffc751ab564605959df4752d42483ad889", size = 92286 }, + { url = "https://files.pythonhosted.org/packages/ed/fe/88b690b30f3f59275fb674f5f93ddd4a3ae796c2b62e5bb9ece8a4914b83/yarl-1.18.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d980e0325b6eddc81331d3f4551e2a333999fb176fd153e075c6d1c2530aa8a8", size = 340649 }, + { url = "https://files.pythonhosted.org/packages/07/eb/3b65499b568e01f36e847cebdc8d7ccb51fff716dbda1ae83c3cbb8ca1c9/yarl-1.18.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b643562c12680b01e17239be267bc306bbc6aac1f34f6444d1bded0c5ce438ca", size = 356623 }, + { url = "https://files.pythonhosted.org/packages/33/46/f559dc184280b745fc76ec6b1954de2c55595f0ec0a7614238b9ebf69618/yarl-1.18.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c017a3b6df3a1bd45b9fa49a0f54005e53fbcad16633870104b66fa1a30a29d8", size = 354007 }, + { url = "https://files.pythonhosted.org/packages/af/ba/1865d85212351ad160f19fb99808acf23aab9a0f8ff31c8c9f1b4d671fc9/yarl-1.18.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:75674776d96d7b851b6498f17824ba17849d790a44d282929c42dbb77d4f17ae", size = 344145 }, + { url = "https://files.pythonhosted.org/packages/94/cb/5c3e975d77755d7b3d5193e92056b19d83752ea2da7ab394e22260a7b824/yarl-1.18.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ccaa3a4b521b780a7e771cc336a2dba389a0861592bbce09a476190bb0c8b4b3", size = 336133 }, + { url = "https://files.pythonhosted.org/packages/19/89/b77d3fd249ab52a5c40859815765d35c91425b6bb82e7427ab2f78f5ff55/yarl-1.18.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:2d06d3005e668744e11ed80812e61efd77d70bb7f03e33c1598c301eea20efbb", size = 347967 }, + { url = "https://files.pythonhosted.org/packages/35/bd/f6b7630ba2cc06c319c3235634c582a6ab014d52311e7d7c22f9518189b5/yarl-1.18.3-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:9d41beda9dc97ca9ab0b9888cb71f7539124bc05df02c0cff6e5acc5a19dcc6e", size = 346397 }, + { url = "https://files.pythonhosted.org/packages/18/1a/0b4e367d5a72d1f095318344848e93ea70da728118221f84f1bf6c1e39e7/yarl-1.18.3-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ba23302c0c61a9999784e73809427c9dbedd79f66a13d84ad1b1943802eaaf59", size = 350206 }, + { url = "https://files.pythonhosted.org/packages/b5/cf/320fff4367341fb77809a2d8d7fe75b5d323a8e1b35710aafe41fdbf327b/yarl-1.18.3-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:6748dbf9bfa5ba1afcc7556b71cda0d7ce5f24768043a02a58846e4a443d808d", size = 362089 }, + { url = "https://files.pythonhosted.org/packages/57/cf/aadba261d8b920253204085268bad5e8cdd86b50162fcb1b10c10834885a/yarl-1.18.3-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:0b0cad37311123211dc91eadcb322ef4d4a66008d3e1bdc404808992260e1a0e", size = 366267 }, + { url = "https://files.pythonhosted.org/packages/54/58/fb4cadd81acdee6dafe14abeb258f876e4dd410518099ae9a35c88d8097c/yarl-1.18.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0fb2171a4486bb075316ee754c6d8382ea6eb8b399d4ec62fde2b591f879778a", size = 359141 }, + { url = "https://files.pythonhosted.org/packages/9a/7a/4c571597589da4cd5c14ed2a0b17ac56ec9ee7ee615013f74653169e702d/yarl-1.18.3-cp311-cp311-win32.whl", hash = "sha256:61b1a825a13bef4a5f10b1885245377d3cd0bf87cba068e1d9a88c2ae36880e1", size = 84402 }, + { url = "https://files.pythonhosted.org/packages/ae/7b/8600250b3d89b625f1121d897062f629883c2f45339623b69b1747ec65fa/yarl-1.18.3-cp311-cp311-win_amd64.whl", hash = "sha256:b9d60031cf568c627d028239693fd718025719c02c9f55df0a53e587aab951b5", size = 91030 }, + { url = "https://files.pythonhosted.org/packages/33/85/bd2e2729752ff4c77338e0102914897512e92496375e079ce0150a6dc306/yarl-1.18.3-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1dd4bdd05407ced96fed3d7f25dbbf88d2ffb045a0db60dbc247f5b3c5c25d50", size = 142644 }, + { url = "https://files.pythonhosted.org/packages/ff/74/1178322cc0f10288d7eefa6e4a85d8d2e28187ccab13d5b844e8b5d7c88d/yarl-1.18.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:7c33dd1931a95e5d9a772d0ac5e44cac8957eaf58e3c8da8c1414de7dd27c576", size = 94962 }, + { url = "https://files.pythonhosted.org/packages/be/75/79c6acc0261e2c2ae8a1c41cf12265e91628c8c58ae91f5ff59e29c0787f/yarl-1.18.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:25b411eddcfd56a2f0cd6a384e9f4f7aa3efee14b188de13048c25b5e91f1640", size = 92795 }, + { url = "https://files.pythonhosted.org/packages/6b/32/927b2d67a412c31199e83fefdce6e645247b4fb164aa1ecb35a0f9eb2058/yarl-1.18.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:436c4fc0a4d66b2badc6c5fc5ef4e47bb10e4fd9bf0c79524ac719a01f3607c2", size = 332368 }, + { url = "https://files.pythonhosted.org/packages/19/e5/859fca07169d6eceeaa4fde1997c91d8abde4e9a7c018e371640c2da2b71/yarl-1.18.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e35ef8683211db69ffe129a25d5634319a677570ab6b2eba4afa860f54eeaf75", size = 342314 }, + { url = "https://files.pythonhosted.org/packages/08/75/76b63ccd91c9e03ab213ef27ae6add2e3400e77e5cdddf8ed2dbc36e3f21/yarl-1.18.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:84b2deecba4a3f1a398df819151eb72d29bfeb3b69abb145a00ddc8d30094512", size = 341987 }, + { url = "https://files.pythonhosted.org/packages/1a/e1/a097d5755d3ea8479a42856f51d97eeff7a3a7160593332d98f2709b3580/yarl-1.18.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00e5a1fea0fd4f5bfa7440a47eff01d9822a65b4488f7cff83155a0f31a2ecba", size = 336914 }, + { url = "https://files.pythonhosted.org/packages/0b/42/e1b4d0e396b7987feceebe565286c27bc085bf07d61a59508cdaf2d45e63/yarl-1.18.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d0e883008013c0e4aef84dcfe2a0b172c4d23c2669412cf5b3371003941f72bb", size = 325765 }, + { url = "https://files.pythonhosted.org/packages/7e/18/03a5834ccc9177f97ca1bbb245b93c13e58e8225276f01eedc4cc98ab820/yarl-1.18.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:5a3f356548e34a70b0172d8890006c37be92995f62d95a07b4a42e90fba54272", size = 344444 }, + { url = "https://files.pythonhosted.org/packages/c8/03/a713633bdde0640b0472aa197b5b86e90fbc4c5bc05b727b714cd8a40e6d/yarl-1.18.3-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:ccd17349166b1bee6e529b4add61727d3f55edb7babbe4069b5764c9587a8cc6", size = 340760 }, + { url = "https://files.pythonhosted.org/packages/eb/99/f6567e3f3bbad8fd101886ea0276c68ecb86a2b58be0f64077396cd4b95e/yarl-1.18.3-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:b958ddd075ddba5b09bb0be8a6d9906d2ce933aee81100db289badbeb966f54e", size = 346484 }, + { url = "https://files.pythonhosted.org/packages/8e/a9/84717c896b2fc6cb15bd4eecd64e34a2f0a9fd6669e69170c73a8b46795a/yarl-1.18.3-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:c7d79f7d9aabd6011004e33b22bc13056a3e3fb54794d138af57f5ee9d9032cb", size = 359864 }, + { url = "https://files.pythonhosted.org/packages/1e/2e/d0f5f1bef7ee93ed17e739ec8dbcb47794af891f7d165fa6014517b48169/yarl-1.18.3-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:4891ed92157e5430874dad17b15eb1fda57627710756c27422200c52d8a4e393", size = 364537 }, + { url = "https://files.pythonhosted.org/packages/97/8a/568d07c5d4964da5b02621a517532adb8ec5ba181ad1687191fffeda0ab6/yarl-1.18.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ce1af883b94304f493698b00d0f006d56aea98aeb49d75ec7d98cd4a777e9285", size = 357861 }, + { url = "https://files.pythonhosted.org/packages/7d/e3/924c3f64b6b3077889df9a1ece1ed8947e7b61b0a933f2ec93041990a677/yarl-1.18.3-cp312-cp312-win32.whl", hash = "sha256:f91c4803173928a25e1a55b943c81f55b8872f0018be83e3ad4938adffb77dd2", size = 84097 }, + { url = "https://files.pythonhosted.org/packages/34/45/0e055320daaabfc169b21ff6174567b2c910c45617b0d79c68d7ab349b02/yarl-1.18.3-cp312-cp312-win_amd64.whl", hash = "sha256:7e2ee16578af3b52ac2f334c3b1f92262f47e02cc6193c598502bd46f5cd1477", size = 90399 }, + { url = "https://files.pythonhosted.org/packages/30/c7/c790513d5328a8390be8f47be5d52e141f78b66c6c48f48d241ca6bd5265/yarl-1.18.3-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:90adb47ad432332d4f0bc28f83a5963f426ce9a1a8809f5e584e704b82685dcb", size = 140789 }, + { url = "https://files.pythonhosted.org/packages/30/aa/a2f84e93554a578463e2edaaf2300faa61c8701f0898725842c704ba5444/yarl-1.18.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:913829534200eb0f789d45349e55203a091f45c37a2674678744ae52fae23efa", size = 94144 }, + { url = "https://files.pythonhosted.org/packages/c6/fc/d68d8f83714b221a85ce7866832cba36d7c04a68fa6a960b908c2c84f325/yarl-1.18.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:ef9f7768395923c3039055c14334ba4d926f3baf7b776c923c93d80195624782", size = 91974 }, + { url = "https://files.pythonhosted.org/packages/56/4e/d2563d8323a7e9a414b5b25341b3942af5902a2263d36d20fb17c40411e2/yarl-1.18.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88a19f62ff30117e706ebc9090b8ecc79aeb77d0b1f5ec10d2d27a12bc9f66d0", size = 333587 }, + { url = "https://files.pythonhosted.org/packages/25/c9/cfec0bc0cac8d054be223e9f2c7909d3e8442a856af9dbce7e3442a8ec8d/yarl-1.18.3-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e17c9361d46a4d5addf777c6dd5eab0715a7684c2f11b88c67ac37edfba6c482", size = 344386 }, + { url = "https://files.pythonhosted.org/packages/ab/5d/4c532190113b25f1364d25f4c319322e86232d69175b91f27e3ebc2caf9a/yarl-1.18.3-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1a74a13a4c857a84a845505fd2d68e54826a2cd01935a96efb1e9d86c728e186", size = 345421 }, + { url = "https://files.pythonhosted.org/packages/23/d1/6cdd1632da013aa6ba18cee4d750d953104a5e7aac44e249d9410a972bf5/yarl-1.18.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:41f7ce59d6ee7741af71d82020346af364949314ed3d87553763a2df1829cc58", size = 339384 }, + { url = "https://files.pythonhosted.org/packages/9a/c4/6b3c39bec352e441bd30f432cda6ba51681ab19bb8abe023f0d19777aad1/yarl-1.18.3-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f52a265001d830bc425f82ca9eabda94a64a4d753b07d623a9f2863fde532b53", size = 326689 }, + { url = "https://files.pythonhosted.org/packages/23/30/07fb088f2eefdc0aa4fc1af4e3ca4eb1a3aadd1ce7d866d74c0f124e6a85/yarl-1.18.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:82123d0c954dc58db301f5021a01854a85bf1f3bb7d12ae0c01afc414a882ca2", size = 345453 }, + { url = "https://files.pythonhosted.org/packages/63/09/d54befb48f9cd8eec43797f624ec37783a0266855f4930a91e3d5c7717f8/yarl-1.18.3-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:2ec9bbba33b2d00999af4631a3397d1fd78290c48e2a3e52d8dd72db3a067ac8", size = 341872 }, + { url = "https://files.pythonhosted.org/packages/91/26/fd0ef9bf29dd906a84b59f0cd1281e65b0c3e08c6aa94b57f7d11f593518/yarl-1.18.3-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:fbd6748e8ab9b41171bb95c6142faf068f5ef1511935a0aa07025438dd9a9bc1", size = 347497 }, + { url = "https://files.pythonhosted.org/packages/d9/b5/14ac7a256d0511b2ac168d50d4b7d744aea1c1aa20c79f620d1059aab8b2/yarl-1.18.3-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:877d209b6aebeb5b16c42cbb377f5f94d9e556626b1bfff66d7b0d115be88d0a", size = 359981 }, + { url = "https://files.pythonhosted.org/packages/ca/b3/d493221ad5cbd18bc07e642894030437e405e1413c4236dd5db6e46bcec9/yarl-1.18.3-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:b464c4ab4bfcb41e3bfd3f1c26600d038376c2de3297760dfe064d2cb7ea8e10", size = 366229 }, + { url = "https://files.pythonhosted.org/packages/04/56/6a3e2a5d9152c56c346df9b8fb8edd2c8888b1e03f96324d457e5cf06d34/yarl-1.18.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:8d39d351e7faf01483cc7ff7c0213c412e38e5a340238826be7e0e4da450fdc8", size = 360383 }, + { url = "https://files.pythonhosted.org/packages/fd/b7/4b3c7c7913a278d445cc6284e59b2e62fa25e72758f888b7a7a39eb8423f/yarl-1.18.3-cp313-cp313-win32.whl", hash = "sha256:61ee62ead9b68b9123ec24bc866cbef297dd266175d53296e2db5e7f797f902d", size = 310152 }, + { url = "https://files.pythonhosted.org/packages/f5/d5/688db678e987c3e0fb17867970700b92603cadf36c56e5fb08f23e822a0c/yarl-1.18.3-cp313-cp313-win_amd64.whl", hash = "sha256:578e281c393af575879990861823ef19d66e2b1d0098414855dd367e234f5b3c", size = 315723 }, + { url = "https://files.pythonhosted.org/packages/f5/4b/a06e0ec3d155924f77835ed2d167ebd3b211a7b0853da1cf8d8414d784ef/yarl-1.18.3-py3-none-any.whl", hash = "sha256:b57f4f58099328dfb26c6a771d09fb20dbbae81d20cfb66141251ea063bd101b", size = 45109 }, ] [[package]]