From df9eb5e3e4b645af40c2e7bcab4d916aeb8f7e13 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Wed, 28 Feb 2024 04:07:17 +0000 Subject: [PATCH 01/14] estuary-cdk: introduce new connector development kit The Estuary CDK differs from the earlier flow-sdk in fundamental ways: * It leans heavily into Pydantic V2 (with a polyfill for V1), which is used for validation and schema generation, married with Flow's schema inference capabilities. * It has a framework -> connector -> library structure. The framework is maximally unopinionated as to how a connector is built. But, the CDK offers library routines (the `common` module) which encapsulates the common patterns for fetch snapshot or incremental resources. * It's async at it's core. All work proceeds concurrently across all bindings. --- .vscode/settings.json | 4 +- estuary-cdk/estuary_cdk/__init__.py | 154 +++++ estuary-cdk/estuary_cdk/capture/__init__.py | 297 ++++++++++ estuary-cdk/estuary_cdk/capture/common.py | 573 +++++++++++++++++++ estuary-cdk/estuary_cdk/capture/request.py | 50 ++ estuary-cdk/estuary_cdk/capture/response.py | 41 ++ estuary-cdk/estuary_cdk/flow.py | 132 +++++ estuary-cdk/estuary_cdk/http.py | 206 +++++++ estuary-cdk/estuary_cdk/logger.py | 70 +++ estuary-cdk/estuary_cdk/py.typed | 0 estuary-cdk/estuary_cdk/pydantic_polyfill.py | 55 ++ estuary-cdk/estuary_cdk/shim_airbyte_cdk.py | 354 ++++++++++++ estuary-cdk/pyproject.toml | 25 + 13 files changed, 1958 insertions(+), 3 deletions(-) create mode 100644 estuary-cdk/estuary_cdk/__init__.py create mode 100644 estuary-cdk/estuary_cdk/capture/__init__.py create mode 100644 estuary-cdk/estuary_cdk/capture/common.py create mode 100644 estuary-cdk/estuary_cdk/capture/request.py create mode 100644 estuary-cdk/estuary_cdk/capture/response.py create mode 100644 estuary-cdk/estuary_cdk/flow.py create mode 100644 estuary-cdk/estuary_cdk/http.py create mode 100644 estuary-cdk/estuary_cdk/logger.py create mode 100644 estuary-cdk/estuary_cdk/py.typed create mode 100644 estuary-cdk/estuary_cdk/pydantic_polyfill.py create mode 100644 estuary-cdk/estuary_cdk/shim_airbyte_cdk.py create mode 100644 estuary-cdk/pyproject.toml diff --git a/.vscode/settings.json b/.vscode/settings.json index 4b30a2d9c8..08e718de30 100644 --- a/.vscode/settings.json +++ b/.vscode/settings.json @@ -1,12 +1,10 @@ { - "python.linting.enabled": true, - "python.linting.mypyEnabled": true, "[python]": { "editor.defaultFormatter": "ms-python.black-formatter" }, - "python.formatting.provider": "none", "files.exclude": { "**/*.pyc": {"when": "$(basename).py"}, + "**/.mypy_cache": true, "**/.pytest_cache": true, "**/__pycache__": true, }, diff --git a/estuary-cdk/estuary_cdk/__init__.py b/estuary-cdk/estuary_cdk/__init__.py new file mode 100644 index 0000000000..a2a2ba052f --- /dev/null +++ b/estuary-cdk/estuary_cdk/__init__.py @@ -0,0 +1,154 @@ +from dataclasses import dataclass +from logging import Logger +from pydantic import BaseModel +from typing import TypeVar, Callable, AsyncGenerator, Generic +import abc +import asyncio +import signal +import sys +import traceback + +from .logger import init_logger +from .flow import ValidationError + +logger = init_logger() + +# Request type served by this connector. +Request = TypeVar("Request", bound=BaseModel) + + +# stdin_jsonl parses newline-delimited JSON instances of `cls` from stdin and yields them. +async def stdin_jsonl(cls: type[Request]) -> AsyncGenerator[Request, None]: + loop = asyncio.get_event_loop() + reader = asyncio.StreamReader(limit=1 << 27) # 128 MiB. + protocol = asyncio.StreamReaderProtocol(reader) + await loop.connect_read_pipe(lambda: protocol, sys.stdin) + + while line := await reader.readline(): + request = cls.model_validate_json(line) + yield request + + +# A Mixin is a supporting class which implements a utility on behalf of a connector. +# Mixins may implement a protocol like Python's Asynchronous Context Manager pattern: +# they're entered prior to handling any requests, and exited after all requests have +# been fully processed. +class Mixin(abc.ABC): + async def _mixin_enter(self, logger: Logger): ... + async def _mixin_exit(self, logger: Logger): ... + + +@dataclass +class Stopped(Exception): + """ + Stopped is raised by a connector's handle() function to indicate that the + connector has stopped and this process should exit. + + `error`, if set, is a fatal error condition that caused the connector to exit. + """ + error: str | None + + +# BaseConnector from which all Flow Connectors inherit. +class BaseConnector(Generic[Request], abc.ABC): + + # request_class() returns the concrete class instance for Request served + # by this connector. It's required to implement to enable parsing of + # Requests prior to their being dispatched by the connector. + # + # Python classes are type-erased, so it's not possible to determine the + # concrete class at runtime using only type annotations. + @classmethod + @abc.abstractclassmethod + def request_class(cls) -> type[Request]: + raise NotImplementedError() + + @abc.abstractmethod + async def handle(self, request: Request, logger: Logger) -> None: + raise NotImplementedError() + + # Serve this connector by invoking `handle()` for all incoming instances of + # Request as a concurrent asyncio.Task using the provided `responder`. + # When incoming `requests` are exhausted, all pending tasks are awaited + # before returning. + # All handler exceptions are caught and logged, and serve() returns an + # exit code which indicates whether an error occurred. + async def serve( + self, + requests: Callable[ + [type[Request]], AsyncGenerator[Request, None] + ] = stdin_jsonl, + logger: Logger = logger, + ): + + loop = asyncio.get_running_loop() + this_task = asyncio.current_task(loop) + original_sigquit = signal.getsignal(signal.SIGQUIT) + + def dump_all_tasks(signum, frame): + tasks = asyncio.all_tasks(loop) + + for task in tasks: + if task is this_task: + continue + + # Reach inside the task coroutine to inject an exception, which + # will unwind the task stack and lets us print a precise stack trace. + try: + task.get_coro().throw(RuntimeError("injected SIGQUIT exception")) + except Exception as exc: + msg, args = type(exc).__name__, exc.args + if len(args) != 0: + msg = f"{msg}: {args[0]}" + logger.exception(msg, args) + + # We manually injected an exception into the coroutine, + # so the asyncio event loop will attempt to await it again + # and get a new "cannot reuse already awaited coroutine". + # Cancel the task now and add a callback to clear the exception. + task.cancel() + task.add_done_callback(lambda task: task.exception()) + + # Wake event loop. + loop.call_soon_threadsafe(lambda: None) + + signal.signal(signal.SIGQUIT, dump_all_tasks) + + # Call _mixin_enter() on all mixed-in base classes. + for base in self.__class__.__bases__: + if enter := getattr(base, "_mixin_enter", None): + await enter(self, logger) + + failed = False + try: + async with asyncio.TaskGroup() as group: + async for request in requests(self.request_class()): + group.create_task(self.handle(request, logger)) + + except ExceptionGroup as exc_group: + for exc in exc_group.exceptions: + if isinstance(exc, ValidationError): + if len(exc.errors) == 1: + logger.error(exc.errors[0]) + else: + logger.error("Multiple validation errors:\n - " + "\n - ".join(exc.errors)) + failed = True + elif isinstance(exc, Stopped): + if exc.error: + logger.error(f"{exc.error}") + failed = True + else: + logger.error("".join(traceback.format_exception(exc))) + failed = True + + finally: + # Call _mixin_exit() on all mixed-in base classes, in reverse order. + for base in reversed(self.__class__.__bases__): + if exit := getattr(base, "_mixin_exit", None): + await exit(self, logger) + + # Restore the original signal handler + signal.signal(signal.SIGQUIT, original_sigquit) + + if failed: + raise SystemExit(1) diff --git a/estuary-cdk/estuary_cdk/capture/__init__.py b/estuary-cdk/estuary_cdk/capture/__init__.py new file mode 100644 index 0000000000..427353e882 --- /dev/null +++ b/estuary-cdk/estuary_cdk/capture/__init__.py @@ -0,0 +1,297 @@ +from dataclasses import dataclass +from pydantic import Field +from typing import Generic, Awaitable, Any, BinaryIO, Callable +import abc +import asyncio +import logging +import shutil +import sys +import tempfile +import traceback +import xxhash + +from . import request, response +from .. import BaseConnector, Stopped +from ..flow import ( + ConnectorSpec, + ConnectorState, + ConnectorStateUpdate, + EndpointConfig, + ResourceConfig, +) +from ..pydantic_polyfill import GenericModel + + +class Request(GenericModel, Generic[EndpointConfig, ResourceConfig, ConnectorState]): + spec: request.Spec | None = None + discover: request.Discover[EndpointConfig] | None = None + validate_: request.Validate[EndpointConfig, ResourceConfig] | None = Field( + default=None, alias="validate" + ) + apply: request.Apply[EndpointConfig, ResourceConfig] | None = None + open: request.Open[EndpointConfig, ResourceConfig, ConnectorState] | None = None + acknowledge: request.Acknowledge | None = None + + +class Response(GenericModel, Generic[EndpointConfig, ResourceConfig, ConnectorState]): + spec: ConnectorSpec | None = None + discovered: response.Discovered[ResourceConfig] | None = None + validated: response.Validated | None = None + applied: response.Applied | None = None + opened: response.Opened | None = None + captured: response.Captured | None = None + checkpoint: response.Checkpoint[ConnectorState] | None = None + + +@dataclass +class Task: + """ + Task bundles a capture coroutine and its associated context. + + It facilitates the task in queuing any number of captured documents and + emitting them upon a checkpoint. Each instance of Task manages an independent + internal buffer (backed by memory or disk) which is only written to the + connector's output upon a call to checkpoint(). This allows concurrent + Tasks to capture consistent checkpoints without trampling one another. + + Task also facilitates logging and graceful stop of a capture coroutine. + """ + + logger: logging.Logger + """Attached Logger of this Task instance, to use for non-protocol logging.""" + + @dataclass + class Stopping: + """ + Stopping coordinates the graceful exit of capture Tasks. + + Its `event` is set when Tasks should gracefully stop. + The Task's coroutine should monitor this event and exit when it's set AND + it has no more immediate work to do (for example, no further documents are + currently ready to be captured). + """ + + event: asyncio.Event + first_error: Exception | None = None + first_error_task: str | None = None + + stopping: Stopping + + _buffer: tempfile.SpooledTemporaryFile + _hasher: xxhash.xxh3_128 + _name: str + _output: BinaryIO + _tg: asyncio.TaskGroup + + MAX_BUFFER_MEM: int = 1_000_000 + """Maximum amount of memory to use for captured documents between checkpoints, + before spilling to disk.""" + + def __init__( + self, + logger: logging.Logger, + name: str, + output: BinaryIO, + stopping: Stopping, + tg: asyncio.TaskGroup, + ): + self._buffer = tempfile.SpooledTemporaryFile(max_size=self.MAX_BUFFER_MEM) + self._hasher = xxhash.xxh3_128() + self._name = name + self._output = output + self._tg = tg + self.logger = logger + self.stopping = stopping + + def captured(self, binding: int, document: Any): + """Enqueue the document to be captured under the given binding. + Documents are not actually captured until checkpoint() is called. + Or, reset() will discard any queued documents.""" + + b = Response( + captured=response.Captured(binding=binding, doc=document) + ).model_dump_json(by_alias=True, exclude_unset=True) + + self._buffer.write(b.encode()) + self._buffer.write(b"\n") + self._hasher.update(b) + + def pending_digest(self) -> str: + """pending_digest returns the digest of captured() documents + since the last checkpoint() or reset()""" + + return self._hasher.digest().hex() + + def checkpoint(self, state: ConnectorState, merge_patch: bool = True): + """Emit previously-queued, captured documents follows by a checkpoint""" + + self._emit( + Response[Any, Any, ConnectorState]( + checkpoint=response.Checkpoint( + state=ConnectorStateUpdate(updated=state, mergePatch=merge_patch) + ) + ) + ) + + def reset(self): + """Discard any captured documents, resetting to an empty state.""" + self._buffer.truncate(0) + self._buffer.seek(0) + self._hasher.reset() + + def spawn_child( + self, name_suffix: str, child: Callable[["Task"], Awaitable[None]] + ) -> asyncio.Task: + """ + Spawn a child Task of this Task, using the given name suffix and coroutine. + The child coroutine will be invoked with a child Task and be polled concurrently. + """ + + child_name = f"{self._name}.{name_suffix}" + child_logger = self.logger.getChild(name_suffix) + + async def run_task(parent: Task): + async with asyncio.TaskGroup() as child_tg: + try: + t = Task( + child_logger, + child_name, + parent._output, + parent.stopping, + child_tg, + ) + await child(t) + except Exception as exc: + child_logger.error("".join(traceback.format_exception(exc))) + + if parent.stopping.first_error is None: + parent.stopping.first_error = exc + parent.stopping.first_error_task = child_name + + parent.stopping.event.set() + + task = self._tg.create_task(run_task(self)) + task.set_name(child_name) + return task + + def _emit(self, response: Response[EndpointConfig, ResourceConfig, ConnectorState]): + self._buffer.write( + response.model_dump_json(by_alias=True, exclude_unset=True).encode() + ) + self._buffer.write(b"\n") + self._buffer.seek(0) + shutil.copyfileobj(self._buffer, self._output) + self._output.flush() + self.reset() + + +class BaseCaptureConnector( + BaseConnector[Request[EndpointConfig, ResourceConfig, ConnectorState]], + Generic[EndpointConfig, ResourceConfig, ConnectorState], +): + output: BinaryIO = sys.stdout.buffer + + @abc.abstractmethod + async def spec(self, _: request.Spec, logger: logging.Logger) -> ConnectorSpec: + raise NotImplementedError() + + @abc.abstractmethod + async def discover( + self, + discover: request.Discover[EndpointConfig], + logger: logging.Logger, + ) -> response.Discovered[ResourceConfig]: + raise NotImplementedError() + + @abc.abstractmethod + async def validate( + self, + validate: request.Validate[EndpointConfig, ResourceConfig], + logger: logging.Logger, + ) -> response.Validated: + raise NotImplementedError() + + async def apply( + self, + apply: request.Apply[EndpointConfig, ResourceConfig], + logger: logging.Logger, + ) -> response.Applied: + return response.Applied(actionDescription="") + + @abc.abstractmethod + async def open( + self, + open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], + logger: logging.Logger, + ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: + raise NotImplementedError() + + async def acknowledge(self, acknowledge: request.Acknowledge) -> None: + return None # No-op. + + async def handle( + self, + request: Request[EndpointConfig, ResourceConfig, ConnectorState], + logger: logging.Logger, + ) -> None: + + if spec := request.spec: + response = await self.spec(spec, logger) + response.protocol = 3032023 + self._emit(Response(spec=response)) + + elif discover := request.discover: + self._emit(Response(discovered=await self.discover(discover, logger))) + + elif validate := request.validate_: + self._emit(Response(validated=await self.validate(validate, logger))) + + elif apply := request.apply: + self._emit(Response(applied=await self.apply(apply, logger))) + + elif open := request.open: + opened, capture = await self.open(open, logger) + self._emit(Response(opened=opened)) + + stopping = Task.Stopping(asyncio.Event()) + + async def stop_on_elapsed_interval(interval: int) -> None: + await asyncio.sleep(interval) + stopping.event.set() + + # Gracefully exit after the capture interval has elapsed. + # We don't do this within the TaskGroup because we don't + # want to block on it. + asyncio.create_task(stop_on_elapsed_interval(open.capture.intervalSeconds)) + + async with asyncio.TaskGroup() as tg: + + task = Task( + logger.getChild("capture"), + "capture", + self.output, + stopping, + tg, + ) + await capture(task) + + # When capture() completes, the connector exits. + if stopping.first_error: + raise Stopped( + f"Task {stopping.first_error_task}: {stopping.first_error}" + ) + else: + raise Stopped(None) + + elif acknowledge := request.acknowledge: + await self.acknowledge(acknowledge) + + else: + raise RuntimeError("malformed request", request) + + def _emit(self, response: Response[EndpointConfig, ResourceConfig, ConnectorState]): + self.output.write( + response.model_dump_json(by_alias=True, exclude_unset=True).encode() + ) + self.output.write(b"\n") + self.output.flush() diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py new file mode 100644 index 0000000000..bafe68cec1 --- /dev/null +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -0,0 +1,573 @@ +from dataclasses import dataclass +from datetime import datetime, timedelta, UTC +from typing import ( + Any, + AsyncGenerator, + Awaitable, + Callable, + ClassVar, + Generic, + Iterable, + Literal, + TypeVar, +) +from logging import Logger +from pydantic import ( + AwareDatetime, + BaseModel, + Field, + NonNegativeInt, +) +from uuid import UUID +import asyncio +import abc + + +from . import Task, request, response + +from ..flow import ( + AccessToken, + BaseOAuth2Credentials, + CaptureBinding, + OAuth2Spec, + ValidationError, +) + +LogCursor = AwareDatetime | NonNegativeInt +"""LogCursor is a cursor into a logical log of changes. +The two predominant strategies for accessing logs are: + a) fetching entities which were created / updated / deleted since a given datetime. + b) fetching changes by their offset in a sequential log (Kafka partition or Gazette journal). + +Note that `str` cannot be added to this type union, as it makes parsing states ambiguous. +""" + +PageCursor = str | NonNegativeInt | None +"""PageCursor is a cursor into a paged result set. +These cursors are predominantly an opaque string or an internal offset integer. + +None means "begin a new iteration" in a request context, +and "no pages remain" in a response context. +""" + + +class BaseDocument(BaseModel): + + class Meta(BaseModel): + op: Literal["c", "u", "d"] = Field( + description="Operation type (c: Create, u: Update, d: Delete)" + ) + row_id: int = Field( + default=-1, + description="Row ID of the Document, counting up from zero, or -1 if not known", + ) + uuid: UUID = Field(default=UUID(int=0), description="UUID of the Document") + + meta_: Meta = Field( + default=Meta(op="u"), alias="_meta", description="Document metadata" + ) + + +_BaseDocument = TypeVar("_BaseDocument", bound=BaseDocument) + + +class BaseResourceConfig(abc.ABC, BaseModel, extra="forbid"): + """ + AbstractResourceConfig is a base class for ResourceConfig classes. + """ + + PATH_POINTERS: ClassVar[list[str]] + + @abc.abstractmethod + def path(self) -> list[str]: + raise NotImplementedError() + + +_BaseResourceConfig = TypeVar("_BaseResourceConfig", bound=BaseResourceConfig) + + +class ResourceConfig(BaseResourceConfig): + """ResourceConfig is a common resource configuration shape.""" + + PATH_POINTERS: ClassVar[list[str]] = ["/schema", "/name"] + + name: str = Field(description="Name of this resource") + namespace: str | None = Field( + default=None, description="Enclosing schema namespace of this resource" + ) + interval: timedelta = Field( + default=timedelta(), description="Interval between updates for this resource" + ) + + def path(self) -> list[str]: + if self.namespace: + return [self.namespace, self.name] + + return [self.name] + + +_ResourceConfig = TypeVar("_ResourceConfig", bound=ResourceConfig) + + +class BaseResourceState(abc.ABC, BaseModel, extra="forbid"): + """ + AbstractResourceState is a base class for ResourceState classes. + """ + + pass + + +_BaseResourceState = TypeVar("_BaseResourceState", bound=BaseResourceState) + + +class ResourceState(BaseResourceState, BaseModel, extra="forbid"): + """ResourceState composes separate incremental, backfill, and snapshot states. + Inner states can be updated independently, so long as sibling states are left unset. + The Flow runtime will merge-patch partial checkpoint states into an aggregated state. + """ + + class Incremental(BaseModel, extra="forbid"): + """Partial state of a resource which is being incrementally captured""" + + cursor: LogCursor = Field( + description="Cursor of the last-synced document in the logical log" + ) + + class Backfill(BaseModel, extra="forbid"): + """Partial state of a resource which is being backfilled""" + + cutoff: LogCursor = Field( + description="LogCursor at which incremental replication began" + ) + next_page: PageCursor = Field( + description="PageCursor of the next page to fetch" + ) + + class Snapshot(BaseModel, extra="forbid"): + """Partial state of a resource for which periodic snapshots are taken""" + + updated_at: AwareDatetime = Field(description="Time of the last snapshot") + last_count: int = Field( + description="Number of documents captured from this resource by the last snapshot" + ) + last_digest: str = Field( + description="The xxh3_128 hex digest of documents of this resource in the last snapshot" + ) + + inc: Incremental | None = Field( + default=None, description="Incremental capture progress" + ) + + backfill: Backfill | None = Field( + default=None, + description="Backfill progress, or None if no backfill is occurring", + ) + + snapshot: Snapshot | None = Field(default=None, description="Snapshot progress") + + +_ResourceState = TypeVar("_ResourceState", bound=ResourceState) + + +class ConnectorState(BaseModel, Generic[_BaseResourceState], extra="forbid"): + """ConnectorState represents a number of ResourceStates, keyed by binding state key.""" + + bindingStateV1: dict[str, _BaseResourceState] = {} + + +_ConnectorState = TypeVar("_ConnectorState", bound=ConnectorState) + + +FetchSnapshotFn = Callable[[Logger], AsyncGenerator[_BaseDocument, None]] +""" +FetchSnapshotFn is a function which fetches a complete snapshot of a resource. +""" + +FetchPageFn = Callable[ + [PageCursor, LogCursor, Logger], + Awaitable[tuple[Iterable[_BaseDocument], PageCursor]], +] +""" +FetchPageFn is a function which fetches a page of documents. +It takes a PageCursor for the next page and an upper-bound "cutoff" LogCursor. +It returns documents and an updated PageCursor, where None indicates +no further pages remain. + +The "cutoff" LogCursor represents the log position at which incremental +replication started, and should be used to filter returned documents +which were modified at-or-after the cutoff, as such documents are +already observed through incremental replication. +""" + +FetchChangesFn = Callable[ + [LogCursor, Logger], + Awaitable[tuple[AsyncGenerator[_BaseDocument, None], LogCursor]], +] +""" +FetchChangesFn is a function which fetches available documents since the LogCursor. +It returns a tuple of Documents and an update LogCursor which reflects progress +against processing the log. If no documents are available, then it returns an +empty AsyncGenerator rather than waiting indefinitely for more documents. + +Implementations may block for brief periods to await documents, such as while +awaiting a server response, but should not block forever as it prevents the +connector from exiting. + +Implementations should NOT sleep or implement their own coarse rate limit. +Instead, configure a resource `interval` to enable periodic polling. +""" + + +@dataclass +class Resource(Generic[_BaseDocument, _BaseResourceConfig, _BaseResourceState]): + """Resource is a high-level description of an available capture resource, + encapsulating metadata for catalog discovery as well as a capability + to open() the resource for capture.""" + + @dataclass + class FixedSchema: + """ + FixedSchema encapsulates a prior JSON schema which should be used + as the model schema, rather than dynamically generating a schema. + """ + + value: dict + + name: str + key: list[str] + model: type[_BaseDocument] | FixedSchema + open: Callable[ + [ + CaptureBinding[_BaseResourceConfig], + int, + ResourceState, + Task, + ], + None, + ] + initial_state: _BaseResourceState + initial_config: _BaseResourceConfig + schema_inference: bool + + +def discovered( + resources: list["Resource[_BaseDocument, _BaseResourceConfig, _BaseResourceState]"], +) -> response.Discovered[_BaseResourceConfig]: + bindings: list[response.DiscoveredBinding] = [] + + for resource in resources: + if isinstance(resource.model, Resource.FixedSchema): + schema = resource.model.value + else: + schema = resource.model.model_json_schema() + + if resource.schema_inference: + schema["x-infer-schema"] = True + + bindings.append( + response.DiscoveredBinding( + documentSchema=schema, + key=resource.key, + recommendedName=resource.name, + resourceConfig=resource.initial_config, + ) + ) + + return response.Discovered(bindings=bindings) + + +_ResolvableBinding = TypeVar( + "_ResolvableBinding", bound=CaptureBinding | request.ValidateBinding +) +"""_ResolvableBinding is either a CaptureBinding or a request.ValidateBinding""" + + +def resolve_bindings( + bindings: list[_ResolvableBinding], + resources: list[Resource[Any, _BaseResourceConfig, Any]], + resource_term="Resource", +) -> list[tuple[_ResolvableBinding, Resource[Any, _BaseResourceConfig, Any]]]: + + resolved: list[ + tuple[_ResolvableBinding, Resource[Any, _BaseResourceConfig, Any]] + ] = [] + errors: list[str] = [] + + for binding in bindings: + path = binding.resourceConfig.path() + + # Find a resource which matches this binding. + found = False + for resource in resources: + if path == resource.initial_config.path(): + resolved.append((binding, resource)) + found = True + break + + if not found: + errors.append(f"{resource_term} '{'.'.join(path)}' was not found.") + + if errors: + raise ValidationError(errors) + + return resolved + + +def validated( + resolved_bindings: list[ + tuple[ + request.ValidateBinding[_BaseResourceConfig], + Resource[Any, _BaseResourceConfig, Any], + ] + ], +) -> response.Validated: + + return response.Validated( + bindings=[ + response.ValidatedBinding(resourcePath=b[0].resourceConfig.path()) + for b in resolved_bindings + ], + ) + + +def open( + open: request.Open[Any, _ResourceConfig, _ConnectorState], + resolved_bindings: list[ + tuple[ + CaptureBinding[_ResourceConfig], + Resource[_BaseDocument, _ResourceConfig, _ResourceState], + ] + ], +) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: + + async def _run(task: Task): + for index, (binding, resource) in enumerate(resolved_bindings): + state: _ResourceState | None = open.state.bindingStateV1.get( + binding.stateKey + ) + + if state is None: + # Checkpoint the binding's initialized state prior to any processing. + task.checkpoint( + ConnectorState( + bindingStateV1={binding.stateKey: resource.initial_state} + ) + ) + state = resource.initial_state + + resource.open( + binding, + index, + state, + task, + ) + + return (response.Opened(explicitAcknowledgements=False), _run) + + +def open_binding( + binding: CaptureBinding[_ResourceConfig], + binding_index: int, + state: _ResourceState, + task: Task, + fetch_changes: FetchChangesFn[_BaseDocument] | None = None, + fetch_page: FetchPageFn[_BaseDocument] | None = None, + fetch_snapshot: FetchSnapshotFn[_BaseDocument] | None = None, + tombstone: _BaseDocument | None = None, +): + """ + open_binding() is intended to be called by closures set as Resource.open Callables. + + It does 'heavy lifting' to actually capture a binding. + + TODO(johnny): Separate into snapshot vs incremental tasks? + """ + + prefix = ".".join(binding.resourceConfig.path()) + + if fetch_changes: + + async def closure(task: Task): + assert state.inc + await _binding_incremental_task( + binding, binding_index, fetch_changes, state.inc, task + ) + + task.spawn_child(f"{prefix}.incremental", closure) + + if fetch_page and state.backfill: + + async def closure(task: Task): + assert state.backfill + await _binding_backfill_task( + binding, binding_index, fetch_page, state.backfill, task + ) + + task.spawn_child(f"{prefix}.backfill", closure) + + if fetch_snapshot: + + async def closure(task: Task): + assert tombstone + await _binding_snapshot_task( + binding, + binding_index, + fetch_snapshot, + state.snapshot, + task, + tombstone, + ) + + task.spawn_child(f"{prefix}.snapshot", closure) + + +async def _binding_snapshot_task( + binding: CaptureBinding[_ResourceConfig], + binding_index: int, + fetch_snapshot: FetchSnapshotFn[_BaseDocument], + state: ResourceState.Snapshot | None, + task: Task, + tombstone: _BaseDocument, +): + """Snapshot the content of a resource at a regular interval.""" + + if not state: + state = ResourceState.Snapshot( + updated_at=datetime.fromtimestamp(0, tz=UTC), + last_count=0, + last_digest="", + ) + + connector_state = ConnectorState( + bindingStateV1={binding.stateKey: ResourceState(snapshot=state)} + ) + + while True: + next_sync = state.updated_at + binding.resourceConfig.interval + sleep_for = next_sync - datetime.now(tz=UTC) + + task.logger.debug( + "awaiting next snapshot", + {"sleep_for": sleep_for, "next": next_sync}, + ) + + try: + if not task.stopping.event.is_set(): + await asyncio.wait_for( + task.stopping.event.wait(), timeout=sleep_for.total_seconds() + ) + + task.logger.debug(f"periodic snapshot is idle and is yielding to stop") + return + except asyncio.TimeoutError: + # `sleep_for` elapsed. + state.updated_at = datetime.now(tz=UTC) + + count = 0 + async for doc in fetch_snapshot(task.logger): + doc.meta_ = BaseDocument.Meta( + op="u" if count < state.last_count else "c", row_id=count + ) + task.captured(binding_index, doc) + count += 1 + + digest = task.pending_digest() + task.logger.debug( + "polled snapshot", + { + "count": count, + "digest": digest, + "last_count": state.last_count, + "last_digest": state.last_digest, + }, + ) + + if digest != state.last_digest: + for del_id in range(count, state.last_count): + tombstone.meta_ = BaseDocument.Meta(op="d", row_id=del_id) + task.captured(binding_index, tombstone) + + state.last_count = count + state.last_digest = digest + else: + # Suppress all captured documents, as they're unchanged. + task.reset() + + task.checkpoint(connector_state) + + +async def _binding_backfill_task( + binding: CaptureBinding[_ResourceConfig], + binding_index: int, + fetch_page: FetchPageFn[_BaseDocument], + state: ResourceState.Backfill, + task: Task, +): + connector_state = ConnectorState( + bindingStateV1={binding.stateKey: ResourceState(backfill=state)} + ) + + if state.next_page: + task.logger.info(f"resuming backfill", state) + else: + task.logger.info(f"beginning backfill", state) + + while True: + page, next_page = await fetch_page(state.next_page, state.cutoff, task.logger) + for doc in page: + task.captured(binding_index, doc) + + if next_page is not None: + state.next_page = next_page + task.checkpoint(connector_state) + else: + break + + connector_state = ConnectorState( + bindingStateV1={binding.stateKey: ResourceState(backfill=None)} + ) + task.checkpoint(connector_state) + task.logger.info(f"completed backfill") + + +async def _binding_incremental_task( + binding: CaptureBinding[_ResourceConfig], + binding_index: int, + fetch_changes: FetchChangesFn[_BaseDocument], + state: ResourceState.Incremental, + task: Task, +): + connector_state = ConnectorState( + bindingStateV1={binding.stateKey: ResourceState(inc=state)} + ) + task.logger.info(f"resuming incremental replication", state) + + while True: + changes, next_cursor = await fetch_changes(state.cursor, task.logger) + + count = 0 + async for doc in changes: + task.captured(binding_index, doc) + count += 1 + + if count != 0 or next_cursor != state.cursor: + state.cursor = next_cursor + task.checkpoint(connector_state) + + if count != 0: + continue # Immediately fetch subsequent changes. + + # At this point we've fully caught up with the log and are idle. + try: + if not task.stopping.event.is_set(): + await asyncio.wait_for( + task.stopping.event.wait(), + timeout=binding.resourceConfig.interval.total_seconds(), + ) + + task.logger.debug( + f"incremental replication is idle and is yielding to stop" + ) + return + except asyncio.TimeoutError: + pass # `interval` elapsed. diff --git a/estuary-cdk/estuary_cdk/capture/request.py b/estuary-cdk/estuary_cdk/capture/request.py new file mode 100644 index 0000000000..df780eb09b --- /dev/null +++ b/estuary-cdk/estuary_cdk/capture/request.py @@ -0,0 +1,50 @@ +from pydantic import BaseModel, NonNegativeInt +from typing import Generic + +from ..flow import ( + CaptureSpec, + CollectionSpec, + ConnectorState, + ConnectorType, + EndpointConfig, + RangeSpec, + ResourceConfig, +) +from ..pydantic_polyfill import GenericModel + + +class Spec(BaseModel): + connectorType: ConnectorType + + +class Discover(GenericModel, Generic[EndpointConfig]): + connectorType: ConnectorType + config: EndpointConfig + + +class ValidateBinding(GenericModel, Generic[ResourceConfig]): + collection: CollectionSpec + resourceConfig: ResourceConfig + + +class Validate(GenericModel, Generic[EndpointConfig, ResourceConfig]): + name: str + connectorType: ConnectorType + config: EndpointConfig + bindings: list[ValidateBinding[ResourceConfig]] = [] + + +class Apply(GenericModel, Generic[EndpointConfig, ResourceConfig]): + capture: CaptureSpec[EndpointConfig, ResourceConfig] + version: str + + +class Open(GenericModel, Generic[EndpointConfig, ResourceConfig, ConnectorState]): + capture: CaptureSpec[EndpointConfig, ResourceConfig] + version: str + range: RangeSpec + state: ConnectorState + + +class Acknowledge(BaseModel): + checkpoints: NonNegativeInt diff --git a/estuary-cdk/estuary_cdk/capture/response.py b/estuary-cdk/estuary_cdk/capture/response.py new file mode 100644 index 0000000000..e53d8b6db1 --- /dev/null +++ b/estuary-cdk/estuary_cdk/capture/response.py @@ -0,0 +1,41 @@ +from pydantic import BaseModel +from typing import Generic, Any + +from ..flow import ResourceConfig, ConnectorState, ConnectorStateUpdate + + +class DiscoveredBinding(BaseModel, Generic[ResourceConfig]): + recommendedName: str + resourceConfig: ResourceConfig + documentSchema: dict + key: list[str] + disable: bool = False + + +class Discovered(BaseModel, Generic[ResourceConfig]): + bindings: list[DiscoveredBinding[ResourceConfig]] + + +class ValidatedBinding(BaseModel): + resourcePath: list[str] + + +class Validated(BaseModel): + bindings: list[ValidatedBinding] + + +class Applied(BaseModel): + actionDescription: str + + +class Opened(BaseModel): + explicitAcknowledgements: bool + + +class Captured(BaseModel): + binding: int + doc: Any + + +class Checkpoint(BaseModel, Generic[ConnectorState]): + state: ConnectorStateUpdate[ConnectorState] | None = None diff --git a/estuary-cdk/estuary_cdk/flow.py b/estuary-cdk/estuary_cdk/flow.py new file mode 100644 index 0000000000..64a474dc20 --- /dev/null +++ b/estuary-cdk/estuary_cdk/flow.py @@ -0,0 +1,132 @@ +import abc +from dataclasses import dataclass +from pydantic import BaseModel, NonNegativeInt, PositiveInt +from typing import Any, Literal, TypeVar, Generic, Literal + +from .pydantic_polyfill import GenericModel + +# The type of this invoked connector. +ConnectorType = Literal[ + "IMAGE", # We're running with the context of a container image. + "LOCAL", # We're running directly on the host as a local process. +] + +# Generic type of a connector's endpoint configuration. +EndpointConfig = TypeVar("EndpointConfig") + +# Generic type of a connector's resource configuration. +ResourceConfig = TypeVar("ResourceConfig", bound=BaseModel) + +# Generic type of a connector's resource-level state. +ConnectorState = TypeVar("ConnectorState", bound=BaseModel) + + +class CollectionSpec(BaseModel): + name: str + key: list[str] + writeSchema: dict[str, Any] + readSchema: dict[str, Any] | None = None + + +class CaptureBinding(GenericModel, Generic[ResourceConfig]): + collection: CollectionSpec + resourceConfig: ResourceConfig + resourcePath: list[str] + stateKey: str + backfill: NonNegativeInt = 0 + + +class CaptureSpec(GenericModel, Generic[EndpointConfig, ResourceConfig]): + name: str + connectorType: ConnectorType + config: EndpointConfig + intervalSeconds: NonNegativeInt + bindings: list[CaptureBinding[ResourceConfig]] = [] + + +class RangeSpec(BaseModel): + keyBegin: NonNegativeInt = 0 + keyEnd: PositiveInt = 0xFFFFFFFF + rClockBegin: NonNegativeInt = 0 + rClockEnd: PositiveInt = 0xFFFFFFFF + + +class UUIDParts(BaseModel): + node: str + clock: str + + +class CheckpointSource(BaseModel): + readThrough: str + producers: list[Any] + + +class Checkpoint(BaseModel): + sources: dict[str, CheckpointSource] + ackIntents: dict[str, str] + + +class OAuth2Spec(BaseModel): + provider: str + accessTokenBody: str + authUrlTemplate: str + accessTokenHeaders: dict[str, str] + accessTokenResponseMap: dict[str, str] + accessTokenUrlTemplate: str + + +class ConnectorSpec(BaseModel): + configSchema: dict + resourceConfigSchema: dict + documentationUrl: str + resourcePathPointers: list[str] + oauth2: OAuth2Spec | None = None + protocol: int = 0 + + +class ConnectorStateUpdate(GenericModel, Generic[ConnectorState]): + updated: ConnectorState + mergePatch: bool + + +class AccessToken(BaseModel): + credentials_title: Literal["Private App Credentials"] + access_token: str + + +@dataclass +class ValidationError(Exception): + """ValidationError is an exception type for one or more structured, + user-facing validation errors. + + ValidationError is caught and pretty-printed without a traceback.""" + + errors: list[str] + + +class BaseOAuth2Credentials(abc.ABC, BaseModel): + credentials_title: Literal["OAuth Credentials"] + client_id: str + client_secret: str + refresh_token: str + + @abc.abstractmethod + def _you_must_build_oauth2_credentials_for_a_provider(self): ... + + @staticmethod + def for_provider(provider: str) -> type["BaseOAuth2Credentials"]: + """ + Builds an OAuth2Credentials model for the given OAuth2 `provider`. + This routine is only available in Pydantic V2 environments. + """ + from pydantic import ConfigDict + + class _OAuth2Credentials(BaseOAuth2Credentials): + model_config = ConfigDict( + json_schema_extra={"x-oauth2-provider": provider}, + title="OAuth", + ) + + def _you_must_build_oauth2_credentials_for_a_provider(self): ... + + return _OAuth2Credentials diff --git a/estuary-cdk/estuary_cdk/http.py b/estuary-cdk/estuary_cdk/http.py new file mode 100644 index 0000000000..1646f8561c --- /dev/null +++ b/estuary-cdk/estuary_cdk/http.py @@ -0,0 +1,206 @@ +from pydantic import BaseModel +from dataclasses import dataclass +import abc +import aiohttp +import asyncio +import logging +import time + +from . import Mixin, logger +from .flow import BaseOAuth2Credentials, AccessToken, OAuth2Spec + + +# HTTPSession is an abstract base class for HTTP clients. +# Connectors should use this type for typing constraints. +class HTTPSession(abc.ABC): + @abc.abstractmethod + async def request( + self, + url: str, + method: str = "GET", + params=None, + json=None, + data=None, + with_token=True, + ) -> bytes: ... + + +@dataclass +class TokenSource: + + class AccessTokenResponse(BaseModel): + access_token: str + token_type: str + expires_in: int = 0 + refresh_token: str = "" + scope: str = "" + + spec: OAuth2Spec + credentials: BaseOAuth2Credentials | AccessToken + _access_token: AccessTokenResponse | None = None + _fetched_at: int = 0 + + async def fetch_token(self, session: HTTPSession) -> str: + if isinstance(self.credentials, AccessToken): + return self.credentials.access_token + + assert isinstance(self.credentials, BaseOAuth2Credentials) + current_time = time.time() + + if self._access_token is not None: + horizon = self._fetched_at + self._access_token.expires_in * 0.75 + + if current_time < horizon: + return self._access_token.access_token + + self._fetched_at = int(current_time) + self._access_token = await self._fetch_oauth2_token(session, self.credentials) + + logger.debug( + "fetched OAuth2 access token", + {"at": self._fetched_at, "expires_in": self._access_token.expires_in}, + ) + return self._access_token.access_token + + async def _fetch_oauth2_token( + self, session: HTTPSession, credentials: BaseOAuth2Credentials + ) -> AccessTokenResponse: + response = await session.request( + self.spec.accessTokenUrlTemplate, + method="POST", + data={ + "grant_type": "refresh_token", + "client_id": credentials.client_id, + "client_secret": credentials.client_secret, + "refresh_token": credentials.refresh_token, + }, + with_token=False, + ) + return self.AccessTokenResponse.model_validate_json(response) + + +class RateLimiter: + gain: float = 0.01 + delay: float = 1.0 + + failed: int = 0 + total: int = 0 + + def update(self, cur_delay: float, failed: bool): + self.total += 1 + update: float + + if failed: + update = max(cur_delay * 4.0, 0.1) + self.failed += 1 + + if self.failed / self.total > 0.05: + logger.warning( + "rate limit exceeded", + { + "total": self.total, + "failed": self.failed, + "delay": self.delay, + "update": update, + }, + ) + + elif self.failed == 0: + update = cur_delay / 2.0 + + # logger.debug( + # "rate limit fast-start", + # { + # "total": self.total, + # "failed": self.failed, + # "delay": self.delay, + # "update": update, + # }, + # ) + + else: + update = cur_delay * (1 - self.gain) + + # logger.debug( + # "rate limit decay", + # { + # "total": self.total, + # "failed": self.failed, + # "delay": self.delay, + # "update": update, + # }, + # ) + + self.delay = (1 - self.gain) * self.delay + self.gain * update + + +# HTTPMixin is an opinionated implementation of HTTPSession. +class HTTPMixin(Mixin, HTTPSession): + + inner: aiohttp.ClientSession + token_source: TokenSource | None = None + rate_limiter: RateLimiter + + async def _mixin_enter(self, logger: logging.Logger): + self.inner = aiohttp.ClientSession() + self.rate_limiter = RateLimiter() + return self + + async def _mixin_exit(self, logger: logging.Logger): + await self.inner.close() + return self + + async def _send_raw_request( + self, url: str, method: str, params, json, data, with_token + ) -> tuple[aiohttp.ClientResponse, bytes]: + + headers = {} + if with_token and self.token_source is not None: + token = await self.token_source.fetch_token(self) + headers["Authorization"] = f"Bearer {token}" + + async with self.inner.request( + headers=headers, + json=json, + data=data, + method=method, + params=params, + url=url, + ) as resp: + + return (resp, await resp.read()) + + async def request( + self, + url: str, + method: str = "GET", + params=None, + json=None, + data=None, + with_token=True, + ) -> bytes: + while True: + + cur_delay = self.rate_limiter.delay + await asyncio.sleep(cur_delay) + + resp, body = await self._send_raw_request( + url, method, params, json, data, with_token + ) + self.rate_limiter.update(cur_delay, resp.status == 429) + + if resp.status == 429: + pass + + elif resp.status >= 500 and resp.status < 600: + logger.warning( + "server internal error (will retry)", + {"body": body.decode("utf-8")}, + ) + elif resp.status >= 400 and resp.status < 500: + raise RuntimeError( + f"Encountered HTTP error status {resp.status} which cannot be retried.\nURL: {url}\nResponse:\n{body.decode('utf-8')}" + ) + else: + resp.raise_for_status() + return body diff --git a/estuary-cdk/estuary_cdk/logger.py b/estuary-cdk/estuary_cdk/logger.py new file mode 100644 index 0000000000..15157574dc --- /dev/null +++ b/estuary-cdk/estuary_cdk/logger.py @@ -0,0 +1,70 @@ +from pydantic import BaseModel +from typing import Any +import logging.config +import os + + +class OpsLog(BaseModel, extra="forbid"): + level: str + msg: str + fields: dict[str, Any] + + +class LogFormatter(logging.Formatter): + + # Keys which are present in all LogRecord instances. + # We use this set to identify _novel_ keys which should be included as structured, logged fields. + LOGGING_RECORD_KEYS = logging.LogRecord( + "", 0, "", 0, None, None, None + ).__dict__.keys() + + def format(self, record: logging.LogRecord) -> str: + # Attach any extra keywords which are not ordinarily in a LogRecord as fields. + fields = { + k: getattr(record, k) + for k in record.__dict__.keys() + if hasattr(record, k) and k not in self.LOGGING_RECORD_KEYS + } + if record.args: + fields["args"] = record.args + + fields["source"] = record.name + fields["file"] = f"{record.pathname}:{record.lineno}" + + # Attach any included stack traces. + if record.exc_info: + fields["traceback"] = self.formatException(record.exc_info).splitlines() + elif record.stack_info: + fields["stack"] = self.formatStack(record.stack_info).splitlines() + + return OpsLog(level=record.levelname, msg=record.msg, fields=fields).model_dump_json() + + +def init_logger(): + LOGGING_CONFIG = { + "version": 1, + "disable_existing_loggers": False, + "formatters": { + "flow": { + "()": LogFormatter, + "format": "", + }, + }, + "handlers": { + "console": { + "class": "logging.StreamHandler", + "stream": "ext://sys.stderr", + "formatter": "flow", + }, + }, + "root": { + "handlers": ["console"], + }, + } + + logging.config.dictConfig(LOGGING_CONFIG) + + logger = logging.getLogger("flow") + logger.setLevel(os.environ.get("LOG_LEVEL", "INFO").upper()) + + return logger diff --git a/estuary-cdk/estuary_cdk/py.typed b/estuary-cdk/estuary_cdk/py.typed new file mode 100644 index 0000000000..e69de29bb2 diff --git a/estuary-cdk/estuary_cdk/pydantic_polyfill.py b/estuary-cdk/estuary_cdk/pydantic_polyfill.py new file mode 100644 index 0000000000..38f86937f6 --- /dev/null +++ b/estuary-cdk/estuary_cdk/pydantic_polyfill.py @@ -0,0 +1,55 @@ +""" +This module is a polyfill which patches pydantic v1 to have the essential +API surface area that estuary-cdk requires of pydantic v2. + +This is *mostly* transparent. The one bit of fallout is that pydantic v1 +has a GenericModel type which is used a base class, which was removed in +pydantic v2. + +This polyfill thus exports a GenericModel class which is simply BaseModel +when pydantic v2 is active. +""" + +from typing import TypeVar, TypeAlias +import pydantic +import datetime + +try: + import pydantic.v1 + + VERSION = "v2" + + # GenericModel was removed. It's just BaseModel now. + GenericModel : TypeAlias = pydantic.BaseModel + +except ImportError: + VERSION = "v1" + + import orjson + from pydantic.generics import GenericModel + + # AwareDateTime was added in V2. Fallback to a regular datetime. + pydantic.AwareDatetime = datetime.datetime + + def model_dump_json( + self, by_alias: bool = False, exclude_unset: bool = False + ) -> str: + return self.json(by_alias=by_alias, exclude_unset=exclude_unset) + + pydantic.BaseModel.model_dump_json = model_dump_json + + _Model = TypeVar("_Model", bound=pydantic.BaseModel) + + @classmethod + def model_validate_json(cls: type[_Model], json_data: str | bytes) -> _Model: + return cls.parse_obj(orjson.loads(json_data)) + + setattr(pydantic.BaseModel, "model_validate_json", model_validate_json) + + @classmethod + def model_json_schema(cls: type[_Model]) -> dict: + return cls.schema(by_alias=True) + + setattr(pydantic.BaseModel, "model_json_schema", model_json_schema) + +__all__ = ["VERSION", "GenericModel"] diff --git a/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py b/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py new file mode 100644 index 0000000000..d6a44eb8f6 --- /dev/null +++ b/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py @@ -0,0 +1,354 @@ +from dataclasses import dataclass +from logging import Logger +from pydantic import Field +from typing import Any, ClassVar, Annotated, Callable, Awaitable, Literal +import logging +import os + + +from .capture import ( + BaseCaptureConnector, + Request, + Task, + common, + request, + response, +) +from .flow import CaptureBinding, OAuth2Spec, ConnectorSpec +from . import ValidationError + +from airbyte_cdk.sources.source import Source as AirbyteSource +from airbyte_protocol.models import ( + SyncMode as AirbyteSyncMode, + ConfiguredAirbyteCatalog, + ConfiguredAirbyteStream, + AirbyteStateMessage, + AirbyteStateType, + AirbyteStream, + Status as AirbyteStatus, + Level as AirbyteLevel, +) + + +# `logger` has name "flow", and we thread it through the Airbyte APIs, +# but connectors may still get their own "airbyte" logger. +# Patch it to use the same log level as the "flow" Logger. +# logging.getLogger("airbyte").setLevel(logger.level) + +DOCS_URL = os.getenv("DOCS_URL") + + +EndpointConfig = dict +"""This shim imposes no bound on EndpointConfig""" + + +class ResourceConfig(common.BaseResourceConfig, extra="forbid"): + """ResourceConfig encodes a configured resource stream""" + + PATH_POINTERS: ClassVar[list[str]] = ["/namespace", "/stream"] + + stream: Annotated[str, Field(description="Name of this stream")] + + sync_mode: Literal["full_refresh", "incremental"] = Field( + alias="syncMode", + title="Sync Mode", + description="Sync this resource incrementally, or fully refresh it every run", + ) + + namespace: Annotated[ + str | None, Field(description="Enclosing schema namespace of this resource") + ] = None + + cursor_field: list[str] | None = Field( + alias="cursorField", title="Cursor Field", default=None + ) + + def path(self) -> list[str]: + if self.namespace: + return [self.namespace, self.stream] + + return [self.stream] + + +class ResourceState(common.BaseResourceState, extra="forbid"): + """ResourceState wraps an AirbyteStateMessage""" + + rowId: int + state: dict[str, Any] = {} + """state is a dict encoding of AirbyteStateMessage""" + + +ConnectorState = common.ConnectorState[ResourceState] +"""Use the common.ConnectorState shape with ResourceState""" + + +class Document(common.BaseDocument, extra="allow"): + pass + + +@dataclass +class CaptureShim(BaseCaptureConnector): + delegate: AirbyteSource + schema_inference: bool + oauth2: OAuth2Spec | None + + def request_class(self): + return Request[EndpointConfig, ResourceConfig, ConnectorState] + + async def _all_resources( + self, config: EndpointConfig, logger: Logger + ) -> list[common.Resource[Document, ResourceConfig, ResourceState]]: + catalog = self.delegate.discover(logger, config) + + resources: list[common.Resource[Any, ResourceConfig, ResourceState]] = [] + + for stream in catalog.streams: + + resource_config = ResourceConfig(stream=stream.name, syncMode="full_refresh") + + if AirbyteSyncMode.incremental in stream.supported_sync_modes: + resource_config.sync_mode = "incremental" + elif AirbyteSyncMode.full_refresh in stream.supported_sync_modes: + pass + else: + raise RuntimeError("invalid sync modes", stream.supported_sync_modes) + + if stream.namespace: + resource_config.namespace = stream.namespace + if stream.default_cursor_field: + resource_config.cursor_field = [stream.default_cursor_field] + + if stream.source_defined_primary_key: + # Map array of array of property names into an array of JSON pointers. + key = [ + "/" + + "/".join( + p.replace("~", "~0").replace("/", "~1") for p in component + ) + for component in stream.source_defined_primary_key + ] + elif resource_config.sync_mode == "full_refresh": + # Synthesize a key based on the record's order within each stream refresh. + key = ["/_meta/row_id"] + else: + raise RuntimeError( + "incremental stream is missing a source-defined primary key", + stream.name, + ) + + # Extend schema with /_meta/row_id, since we always generate it + meta = stream.json_schema.setdefault("properties", {}).setdefault( + "_meta", {"type": "object"} + ) + meta.setdefault("properties", {})["row_id"] = {"type": "integer"} + meta.setdefault("required", []).append("row_id") + + # if self.schema_inference: + # stream.json_schema["x-infer-schema"] = True + + resources.append( + common.Resource( + name=stream.name, + key=key, + model=common.Resource.FixedSchema(stream.json_schema), + open=lambda binding, index, state, task: None, # No-op. + initial_state=ResourceState(rowId=0), + initial_config=resource_config, + schema_inference=self.schema_inference, + ) + ) + + return resources + + async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: + spec = self.delegate.spec(logger) + + return ConnectorSpec( + configSchema=spec.connectionSpecification, + documentationUrl=f"{DOCS_URL if DOCS_URL else spec.documentationUrl}", + oauth2=self.oauth2, + resourceConfigSchema=ResourceConfig.model_json_schema(), + resourcePathPointers=ResourceConfig.PATH_POINTERS, + ) + + async def discover( + self, discover: request.Discover[EndpointConfig], logger: Logger + ) -> response.Discovered: + resources = await self._all_resources(discover.config, logger) + return common.discovered(resources) + + async def validate( + self, validate: request.Validate[EndpointConfig, ResourceConfig], logger: Logger + ) -> response.Validated: + + result = self.delegate.check(logger, validate.config) + if result.status != AirbyteStatus.SUCCEEDED: + raise ValidationError([f"{result.message}"]) + + resources = await self._all_resources(validate.config, logger) + resolved = common.resolve_bindings(validate.bindings, resources) + + return common.validated(resolved) + + async def open( + self, + open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], + logger: Logger, + ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: + + resources = await self._all_resources(open.capture.config, logger) + resolved = common.resolve_bindings(open.capture.bindings, resources) + + async def _run(task: Task) -> None: + await self._run(task, resolved, open.capture.config, open.state) + + return (response.Opened(explicitAcknowledgements=False), _run) + + async def _run( + self, + task: Task, + resolved: list[ + tuple[ + CaptureBinding[ResourceConfig], + common.Resource[Document, ResourceConfig, ResourceState], + ] + ], + config: EndpointConfig, + connector_state: ConnectorState, + ) -> None: + + airbyte_streams: list[ConfiguredAirbyteStream] = [ + ConfiguredAirbyteStream( + stream=AirbyteStream( + json_schema=binding.collection.writeSchema, + name=binding.resourceConfig.stream, + namespace=binding.resourceConfig.namespace, + supported_sync_modes=[binding.resourceConfig.sync_mode], + ), + cursor_field=binding.resourceConfig.cursor_field, + destination_sync_mode="append", + sync_mode=binding.resourceConfig.sync_mode, + ) + for binding, resource in resolved + ] + airbyte_catalog = ConfiguredAirbyteCatalog(streams=airbyte_streams) + + # Index of Airbyte (namespace, stream) => ResourceState. + # Use `setdefault()` to initialize ResourceState if it's not already part of `connector_state`. + index: dict[tuple[str | None, str], tuple[int, ResourceState]] = { + ( + binding.resourceConfig.namespace, + binding.resourceConfig.stream, + ): ( + index, + connector_state.bindingStateV1.setdefault( + binding.stateKey, resource.initial_state + ), + ) + for index, (binding, resource) in enumerate(resolved) + } + + airbyte_states: list[AirbyteStateMessage] = [ + AirbyteStateMessage(**rs.state) for _, rs in index.values() if rs.state + ] + + for message in self.delegate.read( + task.logger, config, airbyte_catalog, airbyte_states + ): + if record := message.record: + entry = index.get((record.namespace, record.stream), None) + if entry is None: + task.logger.warn( + f"Document read in unrecognized stream {record.stream} (namespace: {record.namespace})" + ) + continue + + doc = Document( + meta_=Document.Meta(op="u", row_id=entry[1].rowId), **record.data + ) + entry[1].rowId += 1 + + task.captured(entry[0], doc) + + elif state_msg := message.state: + + if state_msg.type != AirbyteStateType.STREAM: + raise RuntimeError( + f"Unsupported Airbyte state type {state_msg.type}" + ) + elif state_msg.stream is None: + raise RuntimeError( + "Got a STREAM-specific state message with no stream-specific state" + ) + + entry = index.get( + ( + state_msg.stream.stream_descriptor.namespace, + state_msg.stream.stream_descriptor.name, + ), + None, + ) + if entry is None: + task.logger.warn( + f"Received state message for unrecognized stream {state_msg.stream.stream_descriptor.name} (namespace: {state_msg.stream.stream_descriptor.namespace})" + ) + continue + + entry[1].state = state_msg.dict() + + task.checkpoint(connector_state, merge_patch=False) + + elif trace := message.trace: + if error := trace.error: + task.logger.error( + error.message, + extra={ + "internal_message": error.internal_message, + "stack_trace": error.stack_trace, + }, + ) + elif estimate := trace.estimate: + task.logger.info( + "progress estimate", + extra={ + "estimate": { + "stream": estimate.name, + "namespace": estimate.namespace, + "type": estimate.type, + "row_estimate": estimate.row_estimate, + "byte_estimate": estimate.byte_estimate, + } + }, + ) + elif status := trace.stream_status: + task.logger.info( + "stream status", + extra={ + "status": { + "stream": status.stream_descriptor.name, + "namespace": status.stream_descriptor.namespace, + "status": status.status, + } + }, + ) + else: + raise RuntimeError(f"unexpected trace type {trace.type}") + + elif log := message.log: + if log.level == AirbyteLevel.DEBUG: + level = logging.DEBUG + elif log.level == AirbyteLevel.INFO: + level = logging.INFO + elif log.level == AirbyteLevel.WARN: + level = logging.WARNING + else: + level = logging.ERROR + + task.logger.log(level, log.message, log.stack_trace) + + else: + raise RuntimeError("unexpected AirbyteMessage", message) + + # Emit a final checkpoint before exiting. + task.checkpoint(connector_state, merge_patch=False) + return None diff --git a/estuary-cdk/pyproject.toml b/estuary-cdk/pyproject.toml new file mode 100644 index 0000000000..848f94fcbe --- /dev/null +++ b/estuary-cdk/pyproject.toml @@ -0,0 +1,25 @@ +[tool.poetry] +name = "estuary_cdk" +version = "0.2.0" +description = "Estuary Connector Development Kit" +authors = ["Joseph Shearer ", "Johnny Graettinger "] +homepage = "https://github.com/estuary/connectors/tree/main/estuary-cdk" + +[tool.poetry.dependencies] +python = "^3.11" + +aiodns = "^3.1.1" +aiohttp = "^3.9.3" +orjson = "^3.9.15" +pydantic = ">1.10,<3" +xxhash = "^3.4.1" + +[tool.poetry.group.dev.dependencies] +debugpy = "^1.8.0" +mypy = "^1.8.0" +pytest = "^7.4.3" +pytest-insta = "^0.3.0" + +[build-system] +requires = ["poetry-core"] +build-backend = "poetry.core.masonry.api" From 2b9d3475a1d3a1018211358d4636d645d74cf7fd Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Wed, 28 Feb 2024 04:28:34 +0000 Subject: [PATCH 02/14] source-hubspot-native: add real-time HubSpot connector Still missing a bunch of entities, but functional. --- .../acmeCo/companies.schema.yaml | 131 + .../acmeCo/contacts.schema.yaml | 125 + .../acmeCo/deals.schema.yaml | 137 + .../acmeCo/engagements.schema.yaml | 125 + source-hubspot-native/acmeCo/flow.yaml | 26 + .../acmeCo/properties.schema.yaml | 52 + .../acmeCo/tickets.schema.yaml | 137 + source-hubspot-native/config.yaml | 20 + source-hubspot-native/poetry.lock | 1166 ++++ source-hubspot-native/pyproject.toml | 20 + .../source_hubspot_native/__init__.py | 62 + .../source_hubspot_native/__main__.py | 4 + .../source_hubspot_native/api.py | 270 + .../source_hubspot_native/models.py | 353 ++ .../source_hubspot_native/resources.py | 128 + source-hubspot-native/test.flow.yaml | 41 + ...tests_test_snapshots__capture__stdout.json | 5563 +++++++++++++++++ ...ests_test_snapshots__discover__stdout.json | 1072 ++++ ...ve_tests_test_snapshots__spec__stdout.json | 134 + source-hubspot-native/tests/test_snapshots.py | 79 + 20 files changed, 9645 insertions(+) create mode 100644 source-hubspot-native/acmeCo/companies.schema.yaml create mode 100644 source-hubspot-native/acmeCo/contacts.schema.yaml create mode 100644 source-hubspot-native/acmeCo/deals.schema.yaml create mode 100644 source-hubspot-native/acmeCo/engagements.schema.yaml create mode 100644 source-hubspot-native/acmeCo/flow.yaml create mode 100644 source-hubspot-native/acmeCo/properties.schema.yaml create mode 100644 source-hubspot-native/acmeCo/tickets.schema.yaml create mode 100644 source-hubspot-native/config.yaml create mode 100644 source-hubspot-native/poetry.lock create mode 100644 source-hubspot-native/pyproject.toml create mode 100644 source-hubspot-native/source_hubspot_native/__init__.py create mode 100644 source-hubspot-native/source_hubspot_native/__main__.py create mode 100644 source-hubspot-native/source_hubspot_native/api.py create mode 100644 source-hubspot-native/source_hubspot_native/models.py create mode 100644 source-hubspot-native/source_hubspot_native/resources.py create mode 100644 source-hubspot-native/test.flow.yaml create mode 100644 source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json create mode 100644 source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json create mode 100644 source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json create mode 100644 source-hubspot-native/tests/test_snapshots.py diff --git a/source-hubspot-native/acmeCo/companies.schema.yaml b/source-hubspot-native/acmeCo/companies.schema.yaml new file mode 100644 index 0000000000..5ad1922690 --- /dev/null +++ b/source-hubspot-native/acmeCo/companies.schema.yaml @@ -0,0 +1,131 @@ +--- +$defs: + History: + additionalProperties: false + properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + timestamp: + format: date-time + title: Timestamp + type: string + value: + title: Value + type: string + sourceType: + title: Sourcetype + type: string + sourceId: + anyOf: + - type: string + - type: "null" + default: ~ + title: Sourceid + updatedByUserId: + anyOf: + - type: integer + - type: "null" + default: ~ + title: Updatedbyuserid + required: + - timestamp + - value + - sourceType + title: History + type: object + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: false +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + id: + title: Id + type: integer + createdAt: + format: date-time + title: Createdat + type: string + updatedAt: + format: date-time + title: Updatedat + type: string + archived: + title: Archived + type: boolean + properties: + type: object + additionalProperties: + anyOf: + - type: string + - type: "null" + title: Properties + propertiesWithHistory: + additionalProperties: + items: + $ref: "#/$defs/History" + type: array + default: {} + title: Propertieswithhistory + type: object + associations: + additionalProperties: false + default: {} + title: Associations + type: object + contacts: + default: [] + items: + type: integer + title: Contacts + type: array + deals: + default: [] + items: + type: integer + title: Deals + type: array +required: + - id + - createdAt + - updatedAt + - archived + - properties +title: Company +type: object +x-infer-schema: true diff --git a/source-hubspot-native/acmeCo/contacts.schema.yaml b/source-hubspot-native/acmeCo/contacts.schema.yaml new file mode 100644 index 0000000000..2ff63016bf --- /dev/null +++ b/source-hubspot-native/acmeCo/contacts.schema.yaml @@ -0,0 +1,125 @@ +--- +$defs: + History: + additionalProperties: false + properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + timestamp: + format: date-time + title: Timestamp + type: string + value: + title: Value + type: string + sourceType: + title: Sourcetype + type: string + sourceId: + anyOf: + - type: string + - type: "null" + default: ~ + title: Sourceid + updatedByUserId: + anyOf: + - type: integer + - type: "null" + default: ~ + title: Updatedbyuserid + required: + - timestamp + - value + - sourceType + title: History + type: object + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: false +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + id: + title: Id + type: integer + createdAt: + format: date-time + title: Createdat + type: string + updatedAt: + format: date-time + title: Updatedat + type: string + archived: + title: Archived + type: boolean + properties: + type: object + additionalProperties: + anyOf: + - type: string + - type: "null" + title: Properties + propertiesWithHistory: + additionalProperties: + items: + $ref: "#/$defs/History" + type: array + default: {} + title: Propertieswithhistory + type: object + associations: + additionalProperties: false + default: {} + title: Associations + type: object + companies: + default: [] + items: + type: integer + title: Companies + type: array +required: + - id + - createdAt + - updatedAt + - archived + - properties +title: Contact +type: object +x-infer-schema: true diff --git a/source-hubspot-native/acmeCo/deals.schema.yaml b/source-hubspot-native/acmeCo/deals.schema.yaml new file mode 100644 index 0000000000..76775fccc4 --- /dev/null +++ b/source-hubspot-native/acmeCo/deals.schema.yaml @@ -0,0 +1,137 @@ +--- +$defs: + History: + additionalProperties: false + properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + timestamp: + format: date-time + title: Timestamp + type: string + value: + title: Value + type: string + sourceType: + title: Sourcetype + type: string + sourceId: + anyOf: + - type: string + - type: "null" + default: ~ + title: Sourceid + updatedByUserId: + anyOf: + - type: integer + - type: "null" + default: ~ + title: Updatedbyuserid + required: + - timestamp + - value + - sourceType + title: History + type: object + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: false +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + id: + title: Id + type: integer + createdAt: + format: date-time + title: Createdat + type: string + updatedAt: + format: date-time + title: Updatedat + type: string + archived: + title: Archived + type: boolean + properties: + type: object + additionalProperties: + anyOf: + - type: string + - type: "null" + title: Properties + propertiesWithHistory: + additionalProperties: + items: + $ref: "#/$defs/History" + type: array + default: {} + title: Propertieswithhistory + type: object + associations: + additionalProperties: false + default: {} + title: Associations + type: object + contacts: + default: [] + items: + type: integer + title: Contacts + type: array + engagements: + default: [] + items: + type: integer + title: Engagements + type: array + line_items: + default: [] + items: + type: integer + title: Line Items + type: array +required: + - id + - createdAt + - updatedAt + - archived + - properties +title: Deal +type: object +x-infer-schema: true diff --git a/source-hubspot-native/acmeCo/engagements.schema.yaml b/source-hubspot-native/acmeCo/engagements.schema.yaml new file mode 100644 index 0000000000..185cc397b7 --- /dev/null +++ b/source-hubspot-native/acmeCo/engagements.schema.yaml @@ -0,0 +1,125 @@ +--- +$defs: + History: + additionalProperties: false + properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + timestamp: + format: date-time + title: Timestamp + type: string + value: + title: Value + type: string + sourceType: + title: Sourcetype + type: string + sourceId: + anyOf: + - type: string + - type: "null" + default: ~ + title: Sourceid + updatedByUserId: + anyOf: + - type: integer + - type: "null" + default: ~ + title: Updatedbyuserid + required: + - timestamp + - value + - sourceType + title: History + type: object + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: false +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + id: + title: Id + type: integer + createdAt: + format: date-time + title: Createdat + type: string + updatedAt: + format: date-time + title: Updatedat + type: string + archived: + title: Archived + type: boolean + properties: + type: object + additionalProperties: + anyOf: + - type: string + - type: "null" + title: Properties + propertiesWithHistory: + additionalProperties: + items: + $ref: "#/$defs/History" + type: array + default: {} + title: Propertieswithhistory + type: object + associations: + additionalProperties: false + default: {} + title: Associations + type: object + deals: + default: [] + items: + type: integer + title: Deals + type: array +required: + - id + - createdAt + - updatedAt + - archived + - properties +title: Engagement +type: object +x-infer-schema: true diff --git a/source-hubspot-native/acmeCo/flow.yaml b/source-hubspot-native/acmeCo/flow.yaml new file mode 100644 index 0000000000..9aee86b58f --- /dev/null +++ b/source-hubspot-native/acmeCo/flow.yaml @@ -0,0 +1,26 @@ +--- +collections: + acmeCo/companies: + schema: companies.schema.yaml + key: + - /id + acmeCo/contacts: + schema: contacts.schema.yaml + key: + - /id + acmeCo/deals: + schema: deals.schema.yaml + key: + - /id + acmeCo/engagements: + schema: engagements.schema.yaml + key: + - /id + acmeCo/properties: + schema: properties.schema.yaml + key: + - /_meta/row_id + acmeCo/tickets: + schema: tickets.schema.yaml + key: + - /id diff --git a/source-hubspot-native/acmeCo/properties.schema.yaml b/source-hubspot-native/acmeCo/properties.schema.yaml new file mode 100644 index 0000000000..695c6d243b --- /dev/null +++ b/source-hubspot-native/acmeCo/properties.schema.yaml @@ -0,0 +1,52 @@ +--- +$defs: + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: true +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + name: + default: "" + title: Name + type: string + calculated: + default: false + title: Calculated + type: boolean + hubspotObject: + default: unknown + title: Hubspotobject + type: string +title: Property +type: object +x-infer-schema: true diff --git a/source-hubspot-native/acmeCo/tickets.schema.yaml b/source-hubspot-native/acmeCo/tickets.schema.yaml new file mode 100644 index 0000000000..bf599d4a39 --- /dev/null +++ b/source-hubspot-native/acmeCo/tickets.schema.yaml @@ -0,0 +1,137 @@ +--- +$defs: + History: + additionalProperties: false + properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + timestamp: + format: date-time + title: Timestamp + type: string + value: + title: Value + type: string + sourceType: + title: Sourcetype + type: string + sourceId: + anyOf: + - type: string + - type: "null" + default: ~ + title: Sourceid + updatedByUserId: + anyOf: + - type: integer + - type: "null" + default: ~ + title: Updatedbyuserid + required: + - timestamp + - value + - sourceType + title: History + type: object + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: false +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata + id: + title: Id + type: integer + createdAt: + format: date-time + title: Createdat + type: string + updatedAt: + format: date-time + title: Updatedat + type: string + archived: + title: Archived + type: boolean + properties: + type: object + additionalProperties: + anyOf: + - type: string + - type: "null" + title: Properties + propertiesWithHistory: + additionalProperties: + items: + $ref: "#/$defs/History" + type: array + default: {} + title: Propertieswithhistory + type: object + associations: + additionalProperties: false + default: {} + title: Associations + type: object + contacts: + default: [] + items: + type: integer + title: Contacts + type: array + engagements: + default: [] + items: + type: integer + title: Engagements + type: array + line_items: + default: [] + items: + type: integer + title: Line Items + type: array +required: + - id + - createdAt + - updatedAt + - archived + - properties +title: Ticket +type: object +x-infer-schema: true diff --git a/source-hubspot-native/config.yaml b/source-hubspot-native/config.yaml new file mode 100644 index 0000000000..0c3e9e764f --- /dev/null +++ b/source-hubspot-native/config.yaml @@ -0,0 +1,20 @@ +credentials: + client_id_sops: ENC[AES256_GCM,data:cN4R7R7ixwd0QiX9uanxOSx9xsGmTi4oEHX6vNbTAdY6VFiU,iv:2fvIsHIOv4YtAgWb0P777akB5LZyRNXXpRU9IJp2q5Y=,tag:VqxBHJO6I21yMiHpw6nHBg==,type:str] + client_secret_sops: ENC[AES256_GCM,data:UlJR+XVn0rgji2eoxy6pe0xUFa3QqrfGyxsGDwo3ntRR4z0/,iv:zn0YVI1gE5vOKzfeaCw1qYe76375RhRBJdPDL/mO90k=,tag:P0ziOgenDQKUUdZyFp8sZA==,type:str] + credentials_title: OAuth Credentials + refresh_token_sops: ENC[AES256_GCM,data:pv1aNqErp9iHsVpNk1uPExiwQfuAq2KFmAS9okXiBDAChIu4,iv:PWxe5ZwPd5GGOiW2MtEucGbrRbZs5U0zLYIvTsNBw5c=,tag:dblxNOWFmXynn1oqdslWBQ==,type:str] + token_expiry_date: "2024-02-01T17:01:21.703Z" +sops: + kms: [] + gcp_kms: + - resource_id: projects/estuary-theatre/locations/us-central1/keyRings/connector-keyring/cryptoKeys/connector-repository + created_at: "2024-02-01T17:08:49Z" + enc: CiQAdmEdwu+udGkiZbfnnE8djh5o4P8p4Rm3WeXcN0XpcDF4sewSSQCVvC1zSqNDZIN7J2EPjuvJM4ILtloOm9w/OGsE4YwB2qH+sKsDDBYuIDDXtHml6w4wG0iksPY1Yxty0casvU6v02mfM3QOvyk= + azure_kv: [] + hc_vault: [] + age: [] + lastmodified: "2024-02-15T19:21:33Z" + mac: ENC[AES256_GCM,data:Z2MzPnszwAZ9uT7GBh0YWPibdvq7KdCOYvxpbGhQw8b+O5picVD5T3I+UOZNNbxrE7sYHo+HJ2FrJTkqOrT7RZyfmmjdv/cZuy5ecRJSIyhJrTu4GXLCfeHRyj0bbjZ6kif/qUMG2POUO/ZJXV9exXbi0X5HQSWe2hgBxYAUk60=,iv:l3WdO+yhJjfeX9xA/QQO91EH2KP8ICnzvpfi4eBYfu8=,tag:NGQDHhl8byl/hrrzSsOpSQ==,type:str] + pgp: [] + encrypted_suffix: _sops + version: 3.8.1 diff --git a/source-hubspot-native/poetry.lock b/source-hubspot-native/poetry.lock new file mode 100644 index 0000000000..67f81d0f2e --- /dev/null +++ b/source-hubspot-native/poetry.lock @@ -0,0 +1,1166 @@ +# This file is automatically @generated by Poetry 1.6.1 and should not be changed by hand. + +[[package]] +name = "aiodns" +version = "3.1.1" +description = "Simple DNS resolver for asyncio" +optional = false +python-versions = "*" +files = [ + {file = "aiodns-3.1.1-py3-none-any.whl", hash = "sha256:a387b63da4ced6aad35b1dda2d09620ad608a1c7c0fb71efa07ebb4cd511928d"}, + {file = "aiodns-3.1.1.tar.gz", hash = "sha256:1073eac48185f7a4150cad7f96a5192d6911f12b4fb894de80a088508c9b3a99"}, +] + +[package.dependencies] +pycares = ">=4.0.0" + +[[package]] +name = "aiohttp" +version = "3.9.3" +description = "Async http client/server framework (asyncio)" +optional = false +python-versions = ">=3.8" +files = [ + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:939677b61f9d72a4fa2a042a5eee2a99a24001a67c13da113b2e30396567db54"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1f5cd333fcf7590a18334c90f8c9147c837a6ec8a178e88d90a9b96ea03194cc"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:82e6aa28dd46374f72093eda8bcd142f7771ee1eb9d1e223ff0fa7177a96b4a5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f56455b0c2c7cc3b0c584815264461d07b177f903a04481dfc33e08a89f0c26b"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bca77a198bb6e69795ef2f09a5f4c12758487f83f33d63acde5f0d4919815768"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e083c285857b78ee21a96ba1eb1b5339733c3563f72980728ca2b08b53826ca5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab40e6251c3873d86ea9b30a1ac6d7478c09277b32e14745d0d3c6e76e3c7e29"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:df822ee7feaaeffb99c1a9e5e608800bd8eda6e5f18f5cfb0dc7eeb2eaa6bbec"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:acef0899fea7492145d2bbaaaec7b345c87753168589cc7faf0afec9afe9b747"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cd73265a9e5ea618014802ab01babf1940cecb90c9762d8b9e7d2cc1e1969ec6"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:a78ed8a53a1221393d9637c01870248a6f4ea5b214a59a92a36f18151739452c"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:6b0e029353361f1746bac2e4cc19b32f972ec03f0f943b390c4ab3371840aabf"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7cf5c9458e1e90e3c390c2639f1017a0379a99a94fdfad3a1fd966a2874bba52"}, + {file = "aiohttp-3.9.3-cp310-cp310-win32.whl", hash = "sha256:3e59c23c52765951b69ec45ddbbc9403a8761ee6f57253250c6e1536cacc758b"}, + {file = "aiohttp-3.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:055ce4f74b82551678291473f66dc9fb9048a50d8324278751926ff0ae7715e5"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6b88f9386ff1ad91ace19d2a1c0225896e28815ee09fc6a8932fded8cda97c3d"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c46956ed82961e31557b6857a5ca153c67e5476972e5f7190015018760938da2"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:07b837ef0d2f252f96009e9b8435ec1fef68ef8b1461933253d318748ec1acdc"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dad46e6f620574b3b4801c68255492e0159d1712271cc99d8bdf35f2043ec266"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ed3e046ea7b14938112ccd53d91c1539af3e6679b222f9469981e3dac7ba1ce"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:039df344b45ae0b34ac885ab5b53940b174530d4dd8a14ed8b0e2155b9dddccb"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7943c414d3a8d9235f5f15c22ace69787c140c80b718dcd57caaade95f7cd93b"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84871a243359bb42c12728f04d181a389718710129b36b6aad0fc4655a7647d4"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5eafe2c065df5401ba06821b9a054d9cb2848867f3c59801b5d07a0be3a380ae"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:9d3c9b50f19704552f23b4eaea1fc082fdd82c63429a6506446cbd8737823da3"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:f033d80bc6283092613882dfe40419c6a6a1527e04fc69350e87a9df02bbc283"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:2c895a656dd7e061b2fd6bb77d971cc38f2afc277229ce7dd3552de8313a483e"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1f5a71d25cd8106eab05f8704cd9167b6e5187bcdf8f090a66c6d88b634802b4"}, + {file = "aiohttp-3.9.3-cp311-cp311-win32.whl", hash = "sha256:50fca156d718f8ced687a373f9e140c1bb765ca16e3d6f4fe116e3df7c05b2c5"}, + {file = "aiohttp-3.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:5fe9ce6c09668063b8447f85d43b8d1c4e5d3d7e92c63173e6180b2ac5d46dd8"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:38a19bc3b686ad55804ae931012f78f7a534cce165d089a2059f658f6c91fa60"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:770d015888c2a598b377bd2f663adfd947d78c0124cfe7b959e1ef39f5b13869"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ee43080e75fc92bf36219926c8e6de497f9b247301bbf88c5c7593d931426679"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:52df73f14ed99cee84865b95a3d9e044f226320a87af208f068ecc33e0c35b96"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc9b311743a78043b26ffaeeb9715dc360335e5517832f5a8e339f8a43581e4d"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b955ed993491f1a5da7f92e98d5dad3c1e14dc175f74517c4e610b1f2456fb11"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:504b6981675ace64c28bf4a05a508af5cde526e36492c98916127f5a02354d53"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a6fe5571784af92b6bc2fda8d1925cccdf24642d49546d3144948a6a1ed58ca5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ba39e9c8627edc56544c8628cc180d88605df3892beeb2b94c9bc857774848ca"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e5e46b578c0e9db71d04c4b506a2121c0cb371dd89af17a0586ff6769d4c58c1"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:938a9653e1e0c592053f815f7028e41a3062e902095e5a7dc84617c87267ebd5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:c3452ea726c76e92f3b9fae4b34a151981a9ec0a4847a627c43d71a15ac32aa6"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ff30218887e62209942f91ac1be902cc80cddb86bf00fbc6783b7a43b2bea26f"}, + {file = "aiohttp-3.9.3-cp312-cp312-win32.whl", hash = "sha256:38f307b41e0bea3294a9a2a87833191e4bcf89bb0365e83a8be3a58b31fb7f38"}, + {file = "aiohttp-3.9.3-cp312-cp312-win_amd64.whl", hash = "sha256:b791a3143681a520c0a17e26ae7465f1b6f99461a28019d1a2f425236e6eedb5"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:0ed621426d961df79aa3b963ac7af0d40392956ffa9be022024cd16297b30c8c"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7f46acd6a194287b7e41e87957bfe2ad1ad88318d447caf5b090012f2c5bb528"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:feeb18a801aacb098220e2c3eea59a512362eb408d4afd0c242044c33ad6d542"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f734e38fd8666f53da904c52a23ce517f1b07722118d750405af7e4123933511"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b40670ec7e2156d8e57f70aec34a7216407848dfe6c693ef131ddf6e76feb672"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fdd215b7b7fd4a53994f238d0f46b7ba4ac4c0adb12452beee724ddd0743ae5d"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:017a21b0df49039c8f46ca0971b3a7fdc1f56741ab1240cb90ca408049766168"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e99abf0bba688259a496f966211c49a514e65afa9b3073a1fcee08856e04425b"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:648056db9a9fa565d3fa851880f99f45e3f9a771dd3ff3bb0c048ea83fb28194"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:8aacb477dc26797ee089721536a292a664846489c49d3ef9725f992449eda5a8"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:522a11c934ea660ff8953eda090dcd2154d367dec1ae3c540aff9f8a5c109ab4"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:5bce0dc147ca85caa5d33debc4f4d65e8e8b5c97c7f9f660f215fa74fc49a321"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4b4af9f25b49a7be47c0972139e59ec0e8285c371049df1a63b6ca81fdd216a2"}, + {file = "aiohttp-3.9.3-cp38-cp38-win32.whl", hash = "sha256:298abd678033b8571995650ccee753d9458dfa0377be4dba91e4491da3f2be63"}, + {file = "aiohttp-3.9.3-cp38-cp38-win_amd64.whl", hash = "sha256:69361bfdca5468c0488d7017b9b1e5ce769d40b46a9f4a2eed26b78619e9396c"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:0fa43c32d1643f518491d9d3a730f85f5bbaedcbd7fbcae27435bb8b7a061b29"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:835a55b7ca49468aaaac0b217092dfdff370e6c215c9224c52f30daaa735c1c1"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:06a9b2c8837d9a94fae16c6223acc14b4dfdff216ab9b7202e07a9a09541168f"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abf151955990d23f84205286938796c55ff11bbfb4ccfada8c9c83ae6b3c89a3"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59c26c95975f26e662ca78fdf543d4eeaef70e533a672b4113dd888bd2423caa"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f95511dd5d0e05fd9728bac4096319f80615aaef4acbecb35a990afebe953b0e"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:595f105710293e76b9dc09f52e0dd896bd064a79346234b521f6b968ffdd8e58"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7c8b816c2b5af5c8a436df44ca08258fc1a13b449393a91484225fcb7545533"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f1088fa100bf46e7b398ffd9904f4808a0612e1d966b4aa43baa535d1b6341eb"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f59dfe57bb1ec82ac0698ebfcdb7bcd0e99c255bd637ff613760d5f33e7c81b3"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:361a1026c9dd4aba0109e4040e2aecf9884f5cfe1b1b1bd3d09419c205e2e53d"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:363afe77cfcbe3a36353d8ea133e904b108feea505aa4792dad6585a8192c55a"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8e2c45c208c62e955e8256949eb225bd8b66a4c9b6865729a786f2aa79b72e9d"}, + {file = "aiohttp-3.9.3-cp39-cp39-win32.whl", hash = "sha256:f7217af2e14da0856e082e96ff637f14ae45c10a5714b63c77f26d8884cf1051"}, + {file = "aiohttp-3.9.3-cp39-cp39-win_amd64.whl", hash = "sha256:27468897f628c627230dba07ec65dc8d0db566923c48f29e084ce382119802bc"}, + {file = "aiohttp-3.9.3.tar.gz", hash = "sha256:90842933e5d1ff760fae6caca4b2b3edba53ba8f4b71e95dacf2818a2aca06f7"}, +] + +[package.dependencies] +aiosignal = ">=1.1.2" +attrs = ">=17.3.0" +frozenlist = ">=1.1.1" +multidict = ">=4.5,<7.0" +yarl = ">=1.0,<2.0" + +[package.extras] +speedups = ["Brotli", "aiodns", "brotlicffi"] + +[[package]] +name = "aiosignal" +version = "1.3.1" +description = "aiosignal: a list of registered asynchronous callbacks" +optional = false +python-versions = ">=3.7" +files = [ + {file = "aiosignal-1.3.1-py3-none-any.whl", hash = "sha256:f8376fb07dd1e86a584e4fcdec80b36b7f81aac666ebc724e2c090300dd83b17"}, + {file = "aiosignal-1.3.1.tar.gz", hash = "sha256:54cd96e15e1649b75d6c87526a6ff0b6c1b0dd3459f43d9ca11d48c339b68cfc"}, +] + +[package.dependencies] +frozenlist = ">=1.1.0" + +[[package]] +name = "annotated-types" +version = "0.6.0" +description = "Reusable constraint types to use with typing.Annotated" +optional = false +python-versions = ">=3.8" +files = [ + {file = "annotated_types-0.6.0-py3-none-any.whl", hash = "sha256:0641064de18ba7a25dee8f96403ebc39113d0cb953a01429249d5c7564666a43"}, + {file = "annotated_types-0.6.0.tar.gz", hash = "sha256:563339e807e53ffd9c267e99fc6d9ea23eb8443c08f112651963e24e22f84a5d"}, +] + +[[package]] +name = "attrs" +version = "23.2.0" +description = "Classes Without Boilerplate" +optional = false +python-versions = ">=3.7" +files = [ + {file = "attrs-23.2.0-py3-none-any.whl", hash = "sha256:99b87a485a5820b23b879f04c2305b44b951b502fd64be915879d77a7e8fc6f1"}, + {file = "attrs-23.2.0.tar.gz", hash = "sha256:935dc3b529c262f6cf76e50877d35a4bd3c1de194fd41f47a2b7ae8f19971f30"}, +] + +[package.extras] +cov = ["attrs[tests]", "coverage[toml] (>=5.3)"] +dev = ["attrs[tests]", "pre-commit"] +docs = ["furo", "myst-parser", "sphinx", "sphinx-notfound-page", "sphinxcontrib-towncrier", "towncrier", "zope-interface"] +tests = ["attrs[tests-no-zope]", "zope-interface"] +tests-mypy = ["mypy (>=1.6)", "pytest-mypy-plugins"] +tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "pytest (>=4.3.0)", "pytest-xdist[psutil]"] + +[[package]] +name = "cffi" +version = "1.16.0" +description = "Foreign Function Interface for Python calling C code." +optional = false +python-versions = ">=3.8" +files = [ + {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"}, + {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"}, + {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"}, + {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b84834d0cf97e7d27dd5b7f3aca7b6e9263c56308ab9dc8aae9784abb774d404"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1b8ebc27c014c59692bb2664c7d13ce7a6e9a629be20e54e7271fa696ff2b417"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee07e47c12890ef248766a6e55bd38ebfb2bb8edd4142d56db91b21ea68b7627"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8a9d3ebe49f084ad71f9269834ceccbf398253c9fac910c4fd7053ff1386936"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e70f54f1796669ef691ca07d046cd81a29cb4deb1e5f942003f401c0c4a2695d"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5bf44d66cdf9e893637896c7faa22298baebcd18d1ddb6d2626a6e39793a1d56"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b78010e7b97fef4bee1e896df8a4bbb6712b7f05b7ef630f9d1da00f6444d2e"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c6a164aa47843fb1b01e941d385aab7215563bb8816d80ff3a363a9f8448a8dc"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e09f3ff613345df5e8c3667da1d918f9149bd623cd9070c983c013792a9a62eb"}, + {file = "cffi-1.16.0-cp311-cp311-win32.whl", hash = "sha256:2c56b361916f390cd758a57f2e16233eb4f64bcbeee88a4881ea90fca14dc6ab"}, + {file = "cffi-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:db8e577c19c0fda0beb7e0d4e09e0ba74b1e4c092e0e40bfa12fe05b6f6d75ba"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fa3a0128b152627161ce47201262d3140edb5a5c3da88d73a1b790a959126956"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68e7c44931cc171c54ccb702482e9fc723192e88d25a0e133edd7aff8fcd1f6e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abd808f9c129ba2beda4cfc53bde801e5bcf9d6e0f22f095e45327c038bfe68e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88e2b3c14bdb32e440be531ade29d3c50a1a59cd4e51b1dd8b0865c54ea5d2e2"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcc8eb6d5902bb1cf6dc4f187ee3ea80a1eba0a89aba40a5cb20a5087d961357"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7be2d771cdba2942e13215c4e340bfd76398e9227ad10402a8767ab1865d2e6"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e715596e683d2ce000574bae5d07bd522c781a822866c20495e52520564f0969"}, + {file = "cffi-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2d92b25dbf6cae33f65005baf472d2c245c050b1ce709cc4588cdcdd5495b520"}, + {file = "cffi-1.16.0-cp312-cp312-win32.whl", hash = "sha256:b2ca4e77f9f47c55c194982e10f058db063937845bb2b7a86c84a6cfe0aefa8b"}, + {file = "cffi-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:68678abf380b42ce21a5f2abde8efee05c114c2fdb2e9eef2efdb0257fba1235"}, + {file = "cffi-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0c9ef6ff37e974b73c25eecc13952c55bceed9112be2d9d938ded8e856138bcc"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a09582f178759ee8128d9270cd1344154fd473bb77d94ce0aeb2a93ebf0feaf0"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e760191dd42581e023a68b758769e2da259b5d52e3103c6060ddc02c9edb8d7b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80876338e19c951fdfed6198e70bc88f1c9758b94578d5a7c4c91a87af3cf31c"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a6a14b17d7e17fa0d207ac08642c8820f84f25ce17a442fd15e27ea18d67c59b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6602bc8dc6f3a9e02b6c22c4fc1e47aa50f8f8e6d3f78a5e16ac33ef5fefa324"}, + {file = "cffi-1.16.0-cp38-cp38-win32.whl", hash = "sha256:131fd094d1065b19540c3d72594260f118b231090295d8c34e19a7bbcf2e860a"}, + {file = "cffi-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:31d13b0f99e0836b7ff893d37af07366ebc90b678b6664c955b54561fc36ef36"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:582215a0e9adbe0e379761260553ba11c58943e4bbe9c36430c4ca6ac74b15ed"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b29ebffcf550f9da55bec9e02ad430c992a87e5f512cd63388abb76f1036d8d2"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc9b18bf40cc75f66f40a7379f6a9513244fe33c0e8aa72e2d56b0196a7ef872"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb4a35b3642fc5c005a6755a5d17c6c8b6bcb6981baf81cea8bfbc8903e8ba8"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b86851a328eedc692acf81fb05444bdf1891747c25af7529e39ddafaf68a4f3f"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c0f31130ebc2d37cdd8e44605fb5fa7ad59049298b3f745c74fa74c62fbfcfc4"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f8e709127c6c77446a8c0a8c8bf3c8ee706a06cd44b1e827c3e6a2ee6b8c098"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:748dcd1e3d3d7cd5443ef03ce8685043294ad6bd7c02a38d1bd367cfd968e000"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8895613bcc094d4a1b2dbe179d88d7fb4a15cee43c052e8885783fac397d91fe"}, + {file = "cffi-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed86a35631f7bfbb28e108dd96773b9d5a6ce4811cf6ea468bb6a359b256b1e4"}, + {file = "cffi-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:3686dffb02459559c74dd3d81748269ffb0eb027c39a6fc99502de37d501faa8"}, + {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"}, +] + +[package.dependencies] +pycparser = "*" + +[[package]] +name = "colorama" +version = "0.4.6" +description = "Cross-platform colored terminal text." +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*,>=2.7" +files = [ + {file = "colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6"}, + {file = "colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44"}, +] + +[[package]] +name = "debugpy" +version = "1.8.1" +description = "An implementation of the Debug Adapter Protocol for Python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "debugpy-1.8.1-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:3bda0f1e943d386cc7a0e71bfa59f4137909e2ed947fb3946c506e113000f741"}, + {file = "debugpy-1.8.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dda73bf69ea479c8577a0448f8c707691152e6c4de7f0c4dec5a4bc11dee516e"}, + {file = "debugpy-1.8.1-cp310-cp310-win32.whl", hash = "sha256:3a79c6f62adef994b2dbe9fc2cc9cc3864a23575b6e387339ab739873bea53d0"}, + {file = "debugpy-1.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:7eb7bd2b56ea3bedb009616d9e2f64aab8fc7000d481faec3cd26c98a964bcdd"}, + {file = "debugpy-1.8.1-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:016a9fcfc2c6b57f939673c874310d8581d51a0fe0858e7fac4e240c5eb743cb"}, + {file = "debugpy-1.8.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd97ed11a4c7f6d042d320ce03d83b20c3fb40da892f994bc041bbc415d7a099"}, + {file = "debugpy-1.8.1-cp311-cp311-win32.whl", hash = "sha256:0de56aba8249c28a300bdb0672a9b94785074eb82eb672db66c8144fff673146"}, + {file = "debugpy-1.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:1a9fe0829c2b854757b4fd0a338d93bc17249a3bf69ecf765c61d4c522bb92a8"}, + {file = "debugpy-1.8.1-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:3ebb70ba1a6524d19fa7bb122f44b74170c447d5746a503e36adc244a20ac539"}, + {file = "debugpy-1.8.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2e658a9630f27534e63922ebf655a6ab60c370f4d2fc5c02a5b19baf4410ace"}, + {file = "debugpy-1.8.1-cp312-cp312-win32.whl", hash = "sha256:caad2846e21188797a1f17fc09c31b84c7c3c23baf2516fed5b40b378515bbf0"}, + {file = "debugpy-1.8.1-cp312-cp312-win_amd64.whl", hash = "sha256:edcc9f58ec0fd121a25bc950d4578df47428d72e1a0d66c07403b04eb93bcf98"}, + {file = "debugpy-1.8.1-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:7a3afa222f6fd3d9dfecd52729bc2e12c93e22a7491405a0ecbf9e1d32d45b39"}, + {file = "debugpy-1.8.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d915a18f0597ef685e88bb35e5d7ab968964b7befefe1aaea1eb5b2640b586c7"}, + {file = "debugpy-1.8.1-cp38-cp38-win32.whl", hash = "sha256:92116039b5500633cc8d44ecc187abe2dfa9b90f7a82bbf81d079fcdd506bae9"}, + {file = "debugpy-1.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:e38beb7992b5afd9d5244e96ad5fa9135e94993b0c551ceebf3fe1a5d9beb234"}, + {file = "debugpy-1.8.1-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:bfb20cb57486c8e4793d41996652e5a6a885b4d9175dd369045dad59eaacea42"}, + {file = "debugpy-1.8.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:efd3fdd3f67a7e576dd869c184c5dd71d9aaa36ded271939da352880c012e703"}, + {file = "debugpy-1.8.1-cp39-cp39-win32.whl", hash = "sha256:58911e8521ca0c785ac7a0539f1e77e0ce2df753f786188f382229278b4cdf23"}, + {file = "debugpy-1.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:6df9aa9599eb05ca179fb0b810282255202a66835c6efb1d112d21ecb830ddd3"}, + {file = "debugpy-1.8.1-py2.py3-none-any.whl", hash = "sha256:28acbe2241222b87e255260c76741e1fbf04fdc3b6d094fcf57b6c6f75ce1242"}, + {file = "debugpy-1.8.1.zip", hash = "sha256:f696d6be15be87aef621917585f9bb94b1dc9e8aced570db1b8a6fc14e8f9b42"}, +] + +[[package]] +name = "estuary-cdk" +version = "0.2.0" +description = "Estuary Connector Development Kit" +optional = false +python-versions = "^3.11" +files = [] +develop = true + +[package.dependencies] +aiodns = "^3.1.1" +aiohttp = "^3.9.3" +orjson = "^3.9.15" +pydantic = ">1.10,<3" +xxhash = "^3.4.1" + +[package.source] +type = "directory" +url = "../estuary-cdk" + +[[package]] +name = "frozenlist" +version = "1.4.1" +description = "A list-like structure which implements collections.abc.MutableSequence" +optional = false +python-versions = ">=3.8" +files = [ + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f9aa1878d1083b276b0196f2dfbe00c9b7e752475ed3b682025ff20c1c1f51ac"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:29acab3f66f0f24674b7dc4736477bcd4bc3ad4b896f5f45379a67bce8b96868"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:74fb4bee6880b529a0c6560885fce4dc95936920f9f20f53d99a213f7bf66776"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:590344787a90ae57d62511dd7c736ed56b428f04cd8c161fcc5e7232c130c69a"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:068b63f23b17df8569b7fdca5517edef76171cf3897eb68beb01341131fbd2ad"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c849d495bf5154cd8da18a9eb15db127d4dba2968d88831aff6f0331ea9bd4c"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9750cc7fe1ae3b1611bb8cfc3f9ec11d532244235d75901fb6b8e42ce9229dfe"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9b2de4cf0cdd5bd2dee4c4f63a653c61d2408055ab77b151c1957f221cabf2a"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0633c8d5337cb5c77acbccc6357ac49a1770b8c487e5b3505c57b949b4b82e98"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:27657df69e8801be6c3638054e202a135c7f299267f1a55ed3a598934f6c0d75"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:f9a3ea26252bd92f570600098783d1371354d89d5f6b7dfd87359d669f2109b5"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4f57dab5fe3407b6c0c1cc907ac98e8a189f9e418f3b6e54d65a718aaafe3950"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e02a0e11cf6597299b9f3bbd3f93d79217cb90cfd1411aec33848b13f5c656cc"}, + {file = "frozenlist-1.4.1-cp310-cp310-win32.whl", hash = "sha256:a828c57f00f729620a442881cc60e57cfcec6842ba38e1b19fd3e47ac0ff8dc1"}, + {file = "frozenlist-1.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:f56e2333dda1fe0f909e7cc59f021eba0d2307bc6f012a1ccf2beca6ba362439"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a0cb6f11204443f27a1628b0e460f37fb30f624be6051d490fa7d7e26d4af3d0"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b46c8ae3a8f1f41a0d2ef350c0b6e65822d80772fe46b653ab6b6274f61d4a49"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fde5bd59ab5357e3853313127f4d3565fc7dad314a74d7b5d43c22c6a5ed2ced"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:722e1124aec435320ae01ee3ac7bec11a5d47f25d0ed6328f2273d287bc3abb0"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2471c201b70d58a0f0c1f91261542a03d9a5e088ed3dc6c160d614c01649c106"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c757a9dd70d72b076d6f68efdbb9bc943665ae954dad2801b874c8c69e185068"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f146e0911cb2f1da549fc58fc7bcd2b836a44b79ef871980d605ec392ff6b0d2"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f9c515e7914626b2a2e1e311794b4c35720a0be87af52b79ff8e1429fc25f19"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c302220494f5c1ebeb0912ea782bcd5e2f8308037b3c7553fad0e48ebad6ad82"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:442acde1e068288a4ba7acfe05f5f343e19fac87bfc96d89eb886b0363e977ec"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:1b280e6507ea8a4fa0c0a7150b4e526a8d113989e28eaaef946cc77ffd7efc0a"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:fe1a06da377e3a1062ae5fe0926e12b84eceb8a50b350ddca72dc85015873f74"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:db9e724bebd621d9beca794f2a4ff1d26eed5965b004a97f1f1685a173b869c2"}, + {file = "frozenlist-1.4.1-cp311-cp311-win32.whl", hash = "sha256:e774d53b1a477a67838a904131c4b0eef6b3d8a651f8b138b04f748fccfefe17"}, + {file = "frozenlist-1.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:fb3c2db03683b5767dedb5769b8a40ebb47d6f7f45b1b3e3b4b51ec8ad9d9825"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1979bc0aeb89b33b588c51c54ab0161791149f2461ea7c7c946d95d5f93b56ae"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cc7b01b3754ea68a62bd77ce6020afaffb44a590c2289089289363472d13aedb"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9c92be9fd329ac801cc420e08452b70e7aeab94ea4233a4804f0915c14eba9b"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c3894db91f5a489fc8fa6a9991820f368f0b3cbdb9cd8849547ccfab3392d86"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ba60bb19387e13597fb059f32cd4d59445d7b18b69a745b8f8e5db0346f33480"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8aefbba5f69d42246543407ed2461db31006b0f76c4e32dfd6f42215a2c41d09"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:780d3a35680ced9ce682fbcf4cb9c2bad3136eeff760ab33707b71db84664e3a"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9acbb16f06fe7f52f441bb6f413ebae6c37baa6ef9edd49cdd567216da8600cd"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:23b701e65c7b36e4bf15546a89279bd4d8675faabc287d06bbcfac7d3c33e1e6"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:3e0153a805a98f5ada7e09826255ba99fb4f7524bb81bf6b47fb702666484ae1"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:dd9b1baec094d91bf36ec729445f7769d0d0cf6b64d04d86e45baf89e2b9059b"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:1a4471094e146b6790f61b98616ab8e44f72661879cc63fa1049d13ef711e71e"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5667ed53d68d91920defdf4035d1cdaa3c3121dc0b113255124bcfada1cfa1b8"}, + {file = "frozenlist-1.4.1-cp312-cp312-win32.whl", hash = "sha256:beee944ae828747fd7cb216a70f120767fc9f4f00bacae8543c14a6831673f89"}, + {file = "frozenlist-1.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:64536573d0a2cb6e625cf309984e2d873979709f2cf22839bf2d61790b448ad5"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:20b51fa3f588ff2fe658663db52a41a4f7aa6c04f6201449c6c7c476bd255c0d"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:410478a0c562d1a5bcc2f7ea448359fcb050ed48b3c6f6f4f18c313a9bdb1826"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c6321c9efe29975232da3bd0af0ad216800a47e93d763ce64f291917a381b8eb"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48f6a4533887e189dae092f1cf981f2e3885175f7a0f33c91fb5b7b682b6bab6"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6eb73fa5426ea69ee0e012fb59cdc76a15b1283d6e32e4f8dc4482ec67d1194d"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fbeb989b5cc29e8daf7f976b421c220f1b8c731cbf22b9130d8815418ea45887"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:32453c1de775c889eb4e22f1197fe3bdfe457d16476ea407472b9442e6295f7a"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:693945278a31f2086d9bf3df0fe8254bbeaef1fe71e1351c3bd730aa7d31c41b"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:1d0ce09d36d53bbbe566fe296965b23b961764c0bcf3ce2fa45f463745c04701"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:3a670dc61eb0d0eb7080890c13de3066790f9049b47b0de04007090807c776b0"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:dca69045298ce5c11fd539682cff879cc1e664c245d1c64da929813e54241d11"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a06339f38e9ed3a64e4c4e43aec7f59084033647f908e4259d279a52d3757d09"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b7f2f9f912dca3934c1baec2e4585a674ef16fe00218d833856408c48d5beee7"}, + {file = "frozenlist-1.4.1-cp38-cp38-win32.whl", hash = "sha256:e7004be74cbb7d9f34553a5ce5fb08be14fb33bc86f332fb71cbe5216362a497"}, + {file = "frozenlist-1.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:5a7d70357e7cee13f470c7883a063aae5fe209a493c57d86eb7f5a6f910fae09"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bfa4a17e17ce9abf47a74ae02f32d014c5e9404b6d9ac7f729e01562bbee601e"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:b7e3ed87d4138356775346e6845cccbe66cd9e207f3cd11d2f0b9fd13681359d"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c99169d4ff810155ca50b4da3b075cbde79752443117d89429595c2e8e37fed8"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:edb678da49d9f72c9f6c609fbe41a5dfb9a9282f9e6a2253d5a91e0fc382d7c0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6db4667b187a6742b33afbbaf05a7bc551ffcf1ced0000a571aedbb4aa42fc7b"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55fdc093b5a3cb41d420884cdaf37a1e74c3c37a31f46e66286d9145d2063bd0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82e8211d69a4f4bc360ea22cd6555f8e61a1bd211d1d5d39d3d228b48c83a897"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89aa2c2eeb20957be2d950b85974b30a01a762f3308cd02bb15e1ad632e22dc7"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d3e0c25a2350080e9319724dede4f31f43a6c9779be48021a7f4ebde8b2d742"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7268252af60904bf52c26173cbadc3a071cece75f873705419c8681f24d3edea"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:0c250a29735d4f15321007fb02865f0e6b6a41a6b88f1f523ca1596ab5f50bd5"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:96ec70beabbd3b10e8bfe52616a13561e58fe84c0101dd031dc78f250d5128b9"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:23b2d7679b73fe0e5a4560b672a39f98dfc6f60df63823b0a9970525325b95f6"}, + {file = "frozenlist-1.4.1-cp39-cp39-win32.whl", hash = "sha256:a7496bfe1da7fb1a4e1cc23bb67c58fab69311cc7d32b5a99c2007b4b2a0e932"}, + {file = "frozenlist-1.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:e6a20a581f9ce92d389a8c7d7c3dd47c81fd5d6e655c8dddf341e14aa48659d0"}, + {file = "frozenlist-1.4.1-py3-none-any.whl", hash = "sha256:04ced3e6a46b4cfffe20f9ae482818e34eba9b5fb0ce4056e4cc9b6e212d09b7"}, + {file = "frozenlist-1.4.1.tar.gz", hash = "sha256:c037a86e8513059a2613aaba4d817bb90b9d9b6b69aace3ce9c877e8c8ed402b"}, +] + +[[package]] +name = "idna" +version = "3.6" +description = "Internationalized Domain Names in Applications (IDNA)" +optional = false +python-versions = ">=3.5" +files = [ + {file = "idna-3.6-py3-none-any.whl", hash = "sha256:c05567e9c24a6b9faaa835c4821bad0590fbb9d5779e7caa6e1cc4978e7eb24f"}, + {file = "idna-3.6.tar.gz", hash = "sha256:9ecdbbd083b06798ae1e86adcbfe8ab1479cf864e4ee30fe4e46a003d12491ca"}, +] + +[[package]] +name = "iniconfig" +version = "2.0.0" +description = "brain-dead simple config-ini parsing" +optional = false +python-versions = ">=3.7" +files = [ + {file = "iniconfig-2.0.0-py3-none-any.whl", hash = "sha256:b6a85871a79d2e3b22d2d1b94ac2824226a63c6b741c88f7ae975f18b6778374"}, + {file = "iniconfig-2.0.0.tar.gz", hash = "sha256:2d91e135bf72d31a410b17c16da610a82cb55f6b0477d1a902134b24a455b8b3"}, +] + +[[package]] +name = "multidict" +version = "6.0.5" +description = "multidict implementation" +optional = false +python-versions = ">=3.7" +files = [ + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:228b644ae063c10e7f324ab1ab6b548bdf6f8b47f3ec234fef1093bc2735e5f9"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:896ebdcf62683551312c30e20614305f53125750803b614e9e6ce74a96232604"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:411bf8515f3be9813d06004cac41ccf7d1cd46dfe233705933dd163b60e37600"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d147090048129ce3c453f0292e7697d333db95e52616b3793922945804a433c"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:215ed703caf15f578dca76ee6f6b21b7603791ae090fbf1ef9d865571039ade5"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c6390cf87ff6234643428991b7359b5f59cc15155695deb4eda5c777d2b880f"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21fd81c4ebdb4f214161be351eb5bcf385426bf023041da2fd9e60681f3cebae"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3cc2ad10255f903656017363cd59436f2111443a76f996584d1077e43ee51182"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6939c95381e003f54cd4c5516740faba40cf5ad3eeff460c3ad1d3e0ea2549bf"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:220dd781e3f7af2c2c1053da9fa96d9cf3072ca58f057f4c5adaaa1cab8fc442"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:766c8f7511df26d9f11cd3a8be623e59cca73d44643abab3f8c8c07620524e4a"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:fe5d7785250541f7f5019ab9cba2c71169dc7d74d0f45253f8313f436458a4ef"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c1c1496e73051918fcd4f58ff2e0f2f3066d1c76a0c6aeffd9b45d53243702cc"}, + {file = "multidict-6.0.5-cp310-cp310-win32.whl", hash = "sha256:7afcdd1fc07befad18ec4523a782cde4e93e0a2bf71239894b8d61ee578c1319"}, + {file = "multidict-6.0.5-cp310-cp310-win_amd64.whl", hash = "sha256:99f60d34c048c5c2fabc766108c103612344c46e35d4ed9ae0673d33c8fb26e8"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f285e862d2f153a70586579c15c44656f888806ed0e5b56b64489afe4a2dbfba"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:53689bb4e102200a4fafa9de9c7c3c212ab40a7ab2c8e474491914d2305f187e"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:612d1156111ae11d14afaf3a0669ebf6c170dbb735e510a7438ffe2369a847fd"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7be7047bd08accdb7487737631d25735c9a04327911de89ff1b26b81745bd4e3"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de170c7b4fe6859beb8926e84f7d7d6c693dfe8e27372ce3b76f01c46e489fcf"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04bde7a7b3de05732a4eb39c94574db1ec99abb56162d6c520ad26f83267de29"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85f67aed7bb647f93e7520633d8f51d3cbc6ab96957c71272b286b2f30dc70ed"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:425bf820055005bfc8aa9a0b99ccb52cc2f4070153e34b701acc98d201693733"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d3eb1ceec286eba8220c26f3b0096cf189aea7057b6e7b7a2e60ed36b373b77f"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:7901c05ead4b3fb75113fb1dd33eb1253c6d3ee37ce93305acd9d38e0b5f21a4"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:e0e79d91e71b9867c73323a3444724d496c037e578a0e1755ae159ba14f4f3d1"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:29bfeb0dff5cb5fdab2023a7a9947b3b4af63e9c47cae2a10ad58394b517fddc"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e030047e85cbcedbfc073f71836d62dd5dadfbe7531cae27789ff66bc551bd5e"}, + {file = "multidict-6.0.5-cp311-cp311-win32.whl", hash = "sha256:2f4848aa3baa109e6ab81fe2006c77ed4d3cd1e0ac2c1fbddb7b1277c168788c"}, + {file = "multidict-6.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:2faa5ae9376faba05f630d7e5e6be05be22913782b927b19d12b8145968a85ea"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:51d035609b86722963404f711db441cf7134f1889107fb171a970c9701f92e1e"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cbebcd5bcaf1eaf302617c114aa67569dd3f090dd0ce8ba9e35e9985b41ac35b"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2ffc42c922dbfddb4a4c3b438eb056828719f07608af27d163191cb3e3aa6cc5"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ceb3b7e6a0135e092de86110c5a74e46bda4bd4fbfeeb3a3bcec79c0f861e450"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:79660376075cfd4b2c80f295528aa6beb2058fd289f4c9252f986751a4cd0496"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e4428b29611e989719874670fd152b6625500ad6c686d464e99f5aaeeaca175a"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d84a5c3a5f7ce6db1f999fb9438f686bc2e09d38143f2d93d8406ed2dd6b9226"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:76c0de87358b192de7ea9649beb392f107dcad9ad27276324c24c91774ca5271"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:79a6d2ba910adb2cbafc95dad936f8b9386e77c84c35bc0add315b856d7c3abb"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:92d16a3e275e38293623ebf639c471d3e03bb20b8ebb845237e0d3664914caef"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:fb616be3538599e797a2017cccca78e354c767165e8858ab5116813146041a24"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:14c2976aa9038c2629efa2c148022ed5eb4cb939e15ec7aace7ca932f48f9ba6"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:435a0984199d81ca178b9ae2c26ec3d49692d20ee29bc4c11a2a8d4514c67eda"}, + {file = "multidict-6.0.5-cp312-cp312-win32.whl", hash = "sha256:9fe7b0653ba3d9d65cbe7698cca585bf0f8c83dbbcc710db9c90f478e175f2d5"}, + {file = "multidict-6.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:01265f5e40f5a17f8241d52656ed27192be03bfa8764d88e8220141d1e4b3556"}, + {file = "multidict-6.0.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:19fe01cea168585ba0f678cad6f58133db2aa14eccaf22f88e4a6dccadfad8b3"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf7a982604375a8d49b6cc1b781c1747f243d91b81035a9b43a2126c04766f5"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:107c0cdefe028703fb5dafe640a409cb146d44a6ae201e55b35a4af8e95457dd"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:403c0911cd5d5791605808b942c88a8155c2592e05332d2bf78f18697a5fa15e"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aeaf541ddbad8311a87dd695ed9642401131ea39ad7bc8cf3ef3967fd093b626"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e4972624066095e52b569e02b5ca97dbd7a7ddd4294bf4e7247d52635630dd83"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d946b0a9eb8aaa590df1fe082cee553ceab173e6cb5b03239716338629c50c7a"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b55358304d7a73d7bdf5de62494aaf70bd33015831ffd98bc498b433dfe5b10c"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a3145cb08d8625b2d3fee1b2d596a8766352979c9bffe5d7833e0503d0f0b5e5"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d65f25da8e248202bd47445cec78e0025c0fe7582b23ec69c3b27a640dd7a8e3"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:c9bf56195c6bbd293340ea82eafd0071cb3d450c703d2c93afb89f93b8386ccc"}, + {file = "multidict-6.0.5-cp37-cp37m-win32.whl", hash = "sha256:69db76c09796b313331bb7048229e3bee7928eb62bab5e071e9f7fcc4879caee"}, + {file = "multidict-6.0.5-cp37-cp37m-win_amd64.whl", hash = "sha256:fce28b3c8a81b6b36dfac9feb1de115bab619b3c13905b419ec71d03a3fc1423"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:76f067f5121dcecf0d63a67f29080b26c43c71a98b10c701b0677e4a065fbd54"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b82cc8ace10ab5bd93235dfaab2021c70637005e1ac787031f4d1da63d493c1d"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:5cb241881eefd96b46f89b1a056187ea8e9ba14ab88ba632e68d7a2ecb7aadf7"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8e94e6912639a02ce173341ff62cc1201232ab86b8a8fcc05572741a5dc7d93"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:09a892e4a9fb47331da06948690ae38eaa2426de97b4ccbfafbdcbe5c8f37ff8"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55205d03e8a598cfc688c71ca8ea5f66447164efff8869517f175ea632c7cb7b"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37b15024f864916b4951adb95d3a80c9431299080341ab9544ed148091b53f50"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2a1dee728b52b33eebff5072817176c172050d44d67befd681609b4746e1c2e"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:edd08e6f2f1a390bf137080507e44ccc086353c8e98c657e666c017718561b89"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:60d698e8179a42ec85172d12f50b1668254628425a6bd611aba022257cac1386"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:3d25f19500588cbc47dc19081d78131c32637c25804df8414463ec908631e453"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4cc0ef8b962ac7a5e62b9e826bd0cd5040e7d401bc45a6835910ed699037a461"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:eca2e9d0cc5a889850e9bbd68e98314ada174ff6ccd1129500103df7a94a7a44"}, + {file = "multidict-6.0.5-cp38-cp38-win32.whl", hash = "sha256:4a6a4f196f08c58c59e0b8ef8ec441d12aee4125a7d4f4fef000ccb22f8d7241"}, + {file = "multidict-6.0.5-cp38-cp38-win_amd64.whl", hash = "sha256:0275e35209c27a3f7951e1ce7aaf93ce0d163b28948444bec61dd7badc6d3f8c"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e7be68734bd8c9a513f2b0cfd508802d6609da068f40dc57d4e3494cefc92929"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1d9ea7a7e779d7a3561aade7d596649fbecfa5c08a7674b11b423783217933f9"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ea1456df2a27c73ce51120fa2f519f1bea2f4a03a917f4a43c8707cf4cbbae1a"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cf590b134eb70629e350691ecca88eac3e3b8b3c86992042fb82e3cb1830d5e1"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5c0631926c4f58e9a5ccce555ad7747d9a9f8b10619621f22f9635f069f6233e"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dce1c6912ab9ff5f179eaf6efe7365c1f425ed690b03341911bf4939ef2f3046"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0868d64af83169e4d4152ec612637a543f7a336e4a307b119e98042e852ad9c"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:141b43360bfd3bdd75f15ed811850763555a251e38b2405967f8e25fb43f7d40"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7df704ca8cf4a073334e0427ae2345323613e4df18cc224f647f251e5e75a527"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:6214c5a5571802c33f80e6c84713b2c79e024995b9c5897f794b43e714daeec9"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:cd6c8fca38178e12c00418de737aef1261576bd1b6e8c6134d3e729a4e858b38"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:e02021f87a5b6932fa6ce916ca004c4d441509d33bbdbeca70d05dff5e9d2479"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ebd8d160f91a764652d3e51ce0d2956b38efe37c9231cd82cfc0bed2e40b581c"}, + {file = "multidict-6.0.5-cp39-cp39-win32.whl", hash = "sha256:04da1bb8c8dbadf2a18a452639771951c662c5ad03aefe4884775454be322c9b"}, + {file = "multidict-6.0.5-cp39-cp39-win_amd64.whl", hash = "sha256:d6f6d4f185481c9669b9447bf9d9cf3b95a0e9df9d169bbc17e363b7d5487755"}, + {file = "multidict-6.0.5-py3-none-any.whl", hash = "sha256:0d63c74e3d7ab26de115c49bffc92cc77ed23395303d496eae515d4204a625e7"}, + {file = "multidict-6.0.5.tar.gz", hash = "sha256:f7e301075edaf50500f0b341543c41194d8df3ae5caf4702f2095f3ca73dd8da"}, +] + +[[package]] +name = "mypy" +version = "1.8.0" +description = "Optional static typing for Python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "mypy-1.8.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:485a8942f671120f76afffff70f259e1cd0f0cfe08f81c05d8816d958d4577d3"}, + {file = "mypy-1.8.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:df9824ac11deaf007443e7ed2a4a26bebff98d2bc43c6da21b2b64185da011c4"}, + {file = "mypy-1.8.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2afecd6354bbfb6e0160f4e4ad9ba6e4e003b767dd80d85516e71f2e955ab50d"}, + {file = "mypy-1.8.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8963b83d53ee733a6e4196954502b33567ad07dfd74851f32be18eb932fb1cb9"}, + {file = "mypy-1.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:e46f44b54ebddbeedbd3d5b289a893219065ef805d95094d16a0af6630f5d410"}, + {file = "mypy-1.8.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:855fe27b80375e5c5878492f0729540db47b186509c98dae341254c8f45f42ae"}, + {file = "mypy-1.8.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4c886c6cce2d070bd7df4ec4a05a13ee20c0aa60cb587e8d1265b6c03cf91da3"}, + {file = "mypy-1.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d19c413b3c07cbecf1f991e2221746b0d2a9410b59cb3f4fb9557f0365a1a817"}, + {file = "mypy-1.8.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:9261ed810972061388918c83c3f5cd46079d875026ba97380f3e3978a72f503d"}, + {file = "mypy-1.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:51720c776d148bad2372ca21ca29256ed483aa9a4cdefefcef49006dff2a6835"}, + {file = "mypy-1.8.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:52825b01f5c4c1c4eb0db253ec09c7aa17e1a7304d247c48b6f3599ef40db8bd"}, + {file = "mypy-1.8.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f5ac9a4eeb1ec0f1ccdc6f326bcdb464de5f80eb07fb38b5ddd7b0de6bc61e55"}, + {file = "mypy-1.8.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:afe3fe972c645b4632c563d3f3eff1cdca2fa058f730df2b93a35e3b0c538218"}, + {file = "mypy-1.8.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:42c6680d256ab35637ef88891c6bd02514ccb7e1122133ac96055ff458f93fc3"}, + {file = "mypy-1.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:720a5ca70e136b675af3af63db533c1c8c9181314d207568bbe79051f122669e"}, + {file = "mypy-1.8.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:028cf9f2cae89e202d7b6593cd98db6759379f17a319b5faf4f9978d7084cdc6"}, + {file = "mypy-1.8.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:4e6d97288757e1ddba10dd9549ac27982e3e74a49d8d0179fc14d4365c7add66"}, + {file = "mypy-1.8.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f1478736fcebb90f97e40aff11a5f253af890c845ee0c850fe80aa060a267c6"}, + {file = "mypy-1.8.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:42419861b43e6962a649068a61f4a4839205a3ef525b858377a960b9e2de6e0d"}, + {file = "mypy-1.8.0-cp38-cp38-win_amd64.whl", hash = "sha256:2b5b6c721bd4aabaadead3a5e6fa85c11c6c795e0c81a7215776ef8afc66de02"}, + {file = "mypy-1.8.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5c1538c38584029352878a0466f03a8ee7547d7bd9f641f57a0f3017a7c905b8"}, + {file = "mypy-1.8.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4ef4be7baf08a203170f29e89d79064463b7fc7a0908b9d0d5114e8009c3a259"}, + {file = "mypy-1.8.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7178def594014aa6c35a8ff411cf37d682f428b3b5617ca79029d8ae72f5402b"}, + {file = "mypy-1.8.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ab3c84fa13c04aeeeabb2a7f67a25ef5d77ac9d6486ff33ded762ef353aa5592"}, + {file = "mypy-1.8.0-cp39-cp39-win_amd64.whl", hash = "sha256:99b00bc72855812a60d253420d8a2eae839b0afa4938f09f4d2aa9bb4654263a"}, + {file = "mypy-1.8.0-py3-none-any.whl", hash = "sha256:538fd81bb5e430cc1381a443971c0475582ff9f434c16cd46d2c66763ce85d9d"}, + {file = "mypy-1.8.0.tar.gz", hash = "sha256:6ff8b244d7085a0b425b56d327b480c3b29cafbd2eff27316a004f9a7391ae07"}, +] + +[package.dependencies] +mypy-extensions = ">=1.0.0" +typing-extensions = ">=4.1.0" + +[package.extras] +dmypy = ["psutil (>=4.0)"] +install-types = ["pip"] +mypyc = ["setuptools (>=50)"] +reports = ["lxml"] + +[[package]] +name = "mypy-extensions" +version = "1.0.0" +description = "Type system extensions for programs checked with the mypy type checker." +optional = false +python-versions = ">=3.5" +files = [ + {file = "mypy_extensions-1.0.0-py3-none-any.whl", hash = "sha256:4392f6c0eb8a5668a69e23d168ffa70f0be9ccfd32b5cc2d26a34ae5b844552d"}, + {file = "mypy_extensions-1.0.0.tar.gz", hash = "sha256:75dbf8955dc00442a438fc4d0666508a9a97b6bd41aa2f0ffe9d2f2725af0782"}, +] + +[[package]] +name = "orjson" +version = "3.9.15" +description = "Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy" +optional = false +python-versions = ">=3.8" +files = [ + {file = "orjson-3.9.15-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:d61f7ce4727a9fa7680cd6f3986b0e2c732639f46a5e0156e550e35258aa313a"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4feeb41882e8aa17634b589533baafdceb387e01e117b1ec65534ec724023d04"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fbbeb3c9b2edb5fd044b2a070f127a0ac456ffd079cb82746fc84af01ef021a4"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b66bcc5670e8a6b78f0313bcb74774c8291f6f8aeef10fe70e910b8040f3ab75"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2973474811db7b35c30248d1129c64fd2bdf40d57d84beed2a9a379a6f57d0ab"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fe41b6f72f52d3da4db524c8653e46243c8c92df826ab5ffaece2dba9cccd58"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4228aace81781cc9d05a3ec3a6d2673a1ad0d8725b4e915f1089803e9efd2b99"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:6f7b65bfaf69493c73423ce9db66cfe9138b2f9ef62897486417a8fcb0a92bfe"}, + {file = "orjson-3.9.15-cp310-none-win32.whl", hash = "sha256:2d99e3c4c13a7b0fb3792cc04c2829c9db07838fb6973e578b85c1745e7d0ce7"}, + {file = "orjson-3.9.15-cp310-none-win_amd64.whl", hash = "sha256:b725da33e6e58e4a5d27958568484aa766e825e93aa20c26c91168be58e08cbb"}, + {file = "orjson-3.9.15-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:c8e8fe01e435005d4421f183038fc70ca85d2c1e490f51fb972db92af6e047c2"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:87f1097acb569dde17f246faa268759a71a2cb8c96dd392cd25c668b104cad2f"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ff0f9913d82e1d1fadbd976424c316fbc4d9c525c81d047bbdd16bd27dd98cfc"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8055ec598605b0077e29652ccfe9372247474375e0e3f5775c91d9434e12d6b1"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d6768a327ea1ba44c9114dba5fdda4a214bdb70129065cd0807eb5f010bfcbb5"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12365576039b1a5a47df01aadb353b68223da413e2e7f98c02403061aad34bde"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:71c6b009d431b3839d7c14c3af86788b3cfac41e969e3e1c22f8a6ea13139404"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e18668f1bd39e69b7fed19fa7cd1cd110a121ec25439328b5c89934e6d30d357"}, + {file = "orjson-3.9.15-cp311-none-win32.whl", hash = "sha256:62482873e0289cf7313461009bf62ac8b2e54bc6f00c6fabcde785709231a5d7"}, + {file = "orjson-3.9.15-cp311-none-win_amd64.whl", hash = "sha256:b3d336ed75d17c7b1af233a6561cf421dee41d9204aa3cfcc6c9c65cd5bb69a8"}, + {file = "orjson-3.9.15-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:82425dd5c7bd3adfe4e94c78e27e2fa02971750c2b7ffba648b0f5d5cc016a73"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c51378d4a8255b2e7c1e5cc430644f0939539deddfa77f6fac7b56a9784160a"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6ae4e06be04dc00618247c4ae3f7c3e561d5bc19ab6941427f6d3722a0875ef7"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bcef128f970bb63ecf9a65f7beafd9b55e3aaf0efc271a4154050fc15cdb386e"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b72758f3ffc36ca566ba98a8e7f4f373b6c17c646ff8ad9b21ad10c29186f00d"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10c57bc7b946cf2efa67ac55766e41764b66d40cbd9489041e637c1304400494"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:946c3a1ef25338e78107fba746f299f926db408d34553b4754e90a7de1d44068"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2f256d03957075fcb5923410058982aea85455d035607486ccb847f095442bda"}, + {file = "orjson-3.9.15-cp312-none-win_amd64.whl", hash = "sha256:5bb399e1b49db120653a31463b4a7b27cf2fbfe60469546baf681d1b39f4edf2"}, + {file = "orjson-3.9.15-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:b17f0f14a9c0ba55ff6279a922d1932e24b13fc218a3e968ecdbf791b3682b25"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f6cbd8e6e446fb7e4ed5bac4661a29e43f38aeecbf60c4b900b825a353276a1"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:76bc6356d07c1d9f4b782813094d0caf1703b729d876ab6a676f3aaa9a47e37c"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fdfa97090e2d6f73dced247a2f2d8004ac6449df6568f30e7fa1a045767c69a6"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7413070a3e927e4207d00bd65f42d1b780fb0d32d7b1d951f6dc6ade318e1b5a"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9cf1596680ac1f01839dba32d496136bdd5d8ffb858c280fa82bbfeb173bdd40"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:809d653c155e2cc4fd39ad69c08fdff7f4016c355ae4b88905219d3579e31eb7"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:920fa5a0c5175ab14b9c78f6f820b75804fb4984423ee4c4f1e6d748f8b22bc1"}, + {file = "orjson-3.9.15-cp38-none-win32.whl", hash = "sha256:2b5c0f532905e60cf22a511120e3719b85d9c25d0e1c2a8abb20c4dede3b05a5"}, + {file = "orjson-3.9.15-cp38-none-win_amd64.whl", hash = "sha256:67384f588f7f8daf040114337d34a5188346e3fae6c38b6a19a2fe8c663a2f9b"}, + {file = "orjson-3.9.15-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:6fc2fe4647927070df3d93f561d7e588a38865ea0040027662e3e541d592811e"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34cbcd216e7af5270f2ffa63a963346845eb71e174ea530867b7443892d77180"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f541587f5c558abd93cb0de491ce99a9ef8d1ae29dd6ab4dbb5a13281ae04cbd"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:92255879280ef9c3c0bcb327c5a1b8ed694c290d61a6a532458264f887f052cb"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:05a1f57fb601c426635fcae9ddbe90dfc1ed42245eb4c75e4960440cac667262"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ede0bde16cc6e9b96633df1631fbcd66491d1063667f260a4f2386a098393790"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:e88b97ef13910e5f87bcbc4dd7979a7de9ba8702b54d3204ac587e83639c0c2b"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:57d5d8cf9c27f7ef6bc56a5925c7fbc76b61288ab674eb352c26ac780caa5b10"}, + {file = "orjson-3.9.15-cp39-none-win32.whl", hash = "sha256:001f4eb0ecd8e9ebd295722d0cbedf0748680fb9998d3993abaed2f40587257a"}, + {file = "orjson-3.9.15-cp39-none-win_amd64.whl", hash = "sha256:ea0b183a5fe6b2b45f3b854b0d19c4e932d6f5934ae1f723b07cf9560edd4ec7"}, + {file = "orjson-3.9.15.tar.gz", hash = "sha256:95cae920959d772f30ab36d3b25f83bb0f3be671e986c72ce22f8fa700dae061"}, +] + +[[package]] +name = "packaging" +version = "23.2" +description = "Core utilities for Python packages" +optional = false +python-versions = ">=3.7" +files = [ + {file = "packaging-23.2-py3-none-any.whl", hash = "sha256:8c491190033a9af7e1d931d0b5dacc2ef47509b34dd0de67ed209b5203fc88c7"}, + {file = "packaging-23.2.tar.gz", hash = "sha256:048fb0e9405036518eaaf48a55953c750c11e1a1b68e0dd1a9d62ed0c092cfc5"}, +] + +[[package]] +name = "pluggy" +version = "1.4.0" +description = "plugin and hook calling mechanisms for python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pluggy-1.4.0-py3-none-any.whl", hash = "sha256:7db9f7b503d67d1c5b95f59773ebb58a8c1c288129a88665838012cfb07b8981"}, + {file = "pluggy-1.4.0.tar.gz", hash = "sha256:8c85c2876142a764e5b7548e7d9a0e0ddb46f5185161049a79b7e974454223be"}, +] + +[package.extras] +dev = ["pre-commit", "tox"] +testing = ["pytest", "pytest-benchmark"] + +[[package]] +name = "pycares" +version = "4.4.0" +description = "Python interface for c-ares" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:24da119850841d16996713d9c3374ca28a21deee056d609fbbed29065d17e1f6"}, + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8f64cb58729689d4d0e78f0bfb4c25ce2f851d0274c0273ac751795c04b8798a"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d33e2a1120887e89075f7f814ec144f66a6ce06a54f5722ccefc62fbeda83cff"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c680fef1b502ee680f8f0b95a41af4ec2c234e50e16c0af5bbda31999d3584bd"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fff16b09042ba077f7b8aa5868d1d22456f0002574d0ba43462b10a009331677"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:229a1675eb33bc9afb1fc463e73ee334950ccc485bc83a43f6ae5839fb4d5fa3"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:3aebc73e5ad70464f998f77f2da2063aa617cbd8d3e8174dd7c5b4518f967153"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:6ef64649eba56448f65e26546d85c860709844d2fc22ef14d324fe0b27f761a9"}, + {file = "pycares-4.4.0-cp310-cp310-win32.whl", hash = "sha256:4afc2644423f4eef97857a9fd61be9758ce5e336b4b0bd3d591238bb4b8b03e0"}, + {file = "pycares-4.4.0-cp310-cp310-win_amd64.whl", hash = "sha256:5ed4e04af4012f875b78219d34434a6d08a67175150ac1b79eb70ab585d4ba8c"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:bce8db2fc6f3174bd39b81405210b9b88d7b607d33e56a970c34a0c190da0490"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9a0303428d013ccf5c51de59c83f9127aba6200adb7fd4be57eddb432a1edd2a"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afb91792f1556f97be7f7acb57dc7756d89c5a87bd8b90363a77dbf9ea653817"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b61579cecf1f4d616e5ea31a6e423a16680ab0d3a24a2ffe7bb1d4ee162477ff"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b7af06968cbf6851566e806bf3e72825b0e6671832a2cbe840be1d2d65350710"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ceb12974367b0a68a05d52f4162b29f575d241bd53de155efe632bf2c943c7f6"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:2eeec144bcf6a7b6f2d74d6e70cbba7886a84dd373c886f06cb137a07de4954c"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e3a6f7cfdfd11eb5493d6d632e582408c8f3b429f295f8799c584c108b28db6f"}, + {file = "pycares-4.4.0-cp311-cp311-win32.whl", hash = "sha256:34736a2ffaa9c08ca9c707011a2d7b69074bbf82d645d8138bba771479b2362f"}, + {file = "pycares-4.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:eb66c30eb11e877976b7ead13632082a8621df648c408b8e15cdb91a452dd502"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:fd644505a8cfd7f6584d33a9066d4e3d47700f050ef1490230c962de5dfb28c6"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:52084961262232ec04bd75f5043aed7e5d8d9695e542ff691dfef0110209f2d4"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0c5368206057884cde18602580083aeaad9b860e2eac14fd253543158ce1e93"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:112a4979c695b1c86f6782163d7dec58d57a3b9510536dcf4826550f9053dd9a"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8d186dafccdaa3409194c0f94db93c1a5d191145a275f19da6591f9499b8e7b8"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:64965dc19c578a683ea73487a215a8897276224e004d50eeb21f0bc7a0b63c88"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:ed2a38e34bec6f2586435f6ff0bc5fe11d14bebd7ed492cf739a424e81681540"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:94d6962db81541eb0396d2f0dfcbb18cdb8c8b251d165efc2d974ae652c547d4"}, + {file = "pycares-4.4.0-cp312-cp312-win32.whl", hash = "sha256:1168a48a834813aa80f412be2df4abaf630528a58d15c704857448b20b1675c0"}, + {file = "pycares-4.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:db24c4e7fea4a052c6e869cbf387dd85d53b9736cfe1ef5d8d568d1ca925e977"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:21a5a0468861ec7df7befa69050f952da13db5427ae41ffe4713bc96291d1d95"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:22c00bf659a9fa44d7b405cf1cd69b68b9d37537899898d8cbe5dffa4016b273"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:23aa3993a352491a47fcf17867f61472f32f874df4adcbb486294bd9fbe8abee"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:813d661cbe2e37d87da2d16b7110a6860e93ddb11735c6919c8a3545c7b9c8d8"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:77cf5a2fd5583c670de41a7f4a7b46e5cbabe7180d8029f728571f4d2e864084"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:3eaa6681c0a3e3f3868c77aca14b7760fed35fdfda2fe587e15c701950e7bc69"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:ad58e284a658a8a6a84af2e0b62f2f961f303cedfe551854d7bd40c3cbb61912"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:bfb89ca9e3d0a9b5332deeb666b2ede9d3469107742158f4aeda5ce032d003f4"}, + {file = "pycares-4.4.0-cp38-cp38-win32.whl", hash = "sha256:f36bdc1562142e3695555d2f4ac0cb69af165eddcefa98efc1c79495b533481f"}, + {file = "pycares-4.4.0-cp38-cp38-win_amd64.whl", hash = "sha256:902461a92b6a80fd5041a2ec5235680c7cc35e43615639ec2a40e63fca2dfb51"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7bddc6adba8f699728f7fc1c9ce8cef359817ad78e2ed52b9502cb5f8dc7f741"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cb49d5805cd347c404f928c5ae7c35e86ba0c58ffa701dbe905365e77ce7d641"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:56cf3349fa3a2e67ed387a7974c11d233734636fe19facfcda261b411af14d80"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8bf2eaa83a5987e48fa63302f0fe7ce3275cfda87b34d40fef9ce703fb3ac002"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82bba2ab77eb5addbf9758d514d9bdef3c1bfe7d1649a47bd9a0d55a23ef478b"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:c6a8bde63106f162fca736e842a916853cad3c8d9d137e11c9ffa37efa818b02"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f5f646eec041db6ffdbcaf3e0756fb92018f7af3266138c756bb09d2b5baadec"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9dc04c54c6ea615210c1b9e803d0e2d2255f87a3d5d119b6482c8f0dfa15b26b"}, + {file = "pycares-4.4.0-cp39-cp39-win32.whl", hash = "sha256:97892cced5794d721fb4ff8765764aa4ea48fe8b2c3820677505b96b83d4ef47"}, + {file = "pycares-4.4.0-cp39-cp39-win_amd64.whl", hash = "sha256:917f08f0b5d9324e9a34211e68d27447c552b50ab967044776bbab7e42a553a2"}, + {file = "pycares-4.4.0.tar.gz", hash = "sha256:f47579d508f2f56eddd16ce72045782ad3b1b3b678098699e2b6a1b30733e1c2"}, +] + +[package.dependencies] +cffi = ">=1.5.0" + +[package.extras] +idna = ["idna (>=2.1)"] + +[[package]] +name = "pycparser" +version = "2.21" +description = "C parser in Python" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +files = [ + {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, + {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, +] + +[[package]] +name = "pydantic" +version = "2.6.3" +description = "Data validation using Python type hints" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pydantic-2.6.3-py3-none-any.whl", hash = "sha256:72c6034df47f46ccdf81869fddb81aade68056003900a8724a4f160700016a2a"}, + {file = "pydantic-2.6.3.tar.gz", hash = "sha256:e07805c4c7f5c6826e33a1d4c9d47950d7eaf34868e2690f8594d2e30241f11f"}, +] + +[package.dependencies] +annotated-types = ">=0.4.0" +pydantic-core = "2.16.3" +typing-extensions = ">=4.6.1" + +[package.extras] +email = ["email-validator (>=2.0.0)"] + +[[package]] +name = "pydantic-core" +version = "2.16.3" +description = "" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pydantic_core-2.16.3-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:75b81e678d1c1ede0785c7f46690621e4c6e63ccd9192af1f0bd9d504bbb6bf4"}, + {file = "pydantic_core-2.16.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9c865a7ee6f93783bd5d781af5a4c43dadc37053a5b42f7d18dc019f8c9d2bd1"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:162e498303d2b1c036b957a1278fa0899d02b2842f1ff901b6395104c5554a45"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2f583bd01bbfbff4eaee0868e6fc607efdfcc2b03c1c766b06a707abbc856187"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b926dd38db1519ed3043a4de50214e0d600d404099c3392f098a7f9d75029ff8"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:716b542728d4c742353448765aa7cdaa519a7b82f9564130e2b3f6766018c9ec"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc4ad7f7ee1a13d9cb49d8198cd7d7e3aa93e425f371a68235f784e99741561f"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:bd87f48924f360e5d1c5f770d6155ce0e7d83f7b4e10c2f9ec001c73cf475c99"}, + {file = "pydantic_core-2.16.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0df446663464884297c793874573549229f9eca73b59360878f382a0fc085979"}, + {file = "pydantic_core-2.16.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4df8a199d9f6afc5ae9a65f8f95ee52cae389a8c6b20163762bde0426275b7db"}, + {file = "pydantic_core-2.16.3-cp310-none-win32.whl", hash = "sha256:456855f57b413f077dff513a5a28ed838dbbb15082ba00f80750377eed23d132"}, + {file = "pydantic_core-2.16.3-cp310-none-win_amd64.whl", hash = "sha256:732da3243e1b8d3eab8c6ae23ae6a58548849d2e4a4e03a1924c8ddf71a387cb"}, + {file = "pydantic_core-2.16.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:519ae0312616026bf4cedc0fe459e982734f3ca82ee8c7246c19b650b60a5ee4"}, + {file = "pydantic_core-2.16.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b3992a322a5617ded0a9f23fd06dbc1e4bd7cf39bc4ccf344b10f80af58beacd"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8d62da299c6ecb04df729e4b5c52dc0d53f4f8430b4492b93aa8de1f541c4aac"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2acca2be4bb2f2147ada8cac612f8a98fc09f41c89f87add7256ad27332c2fda"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1b662180108c55dfbf1280d865b2d116633d436cfc0bba82323554873967b340"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e7c6ed0dc9d8e65f24f5824291550139fe6f37fac03788d4580da0d33bc00c97"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a6b1bb0827f56654b4437955555dc3aeeebeddc47c2d7ed575477f082622c49e"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e56f8186d6210ac7ece503193ec84104da7ceb98f68ce18c07282fcc2452e76f"}, + {file = "pydantic_core-2.16.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:936e5db01dd49476fa8f4383c259b8b1303d5dd5fb34c97de194560698cc2c5e"}, + {file = "pydantic_core-2.16.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:33809aebac276089b78db106ee692bdc9044710e26f24a9a2eaa35a0f9fa70ba"}, + {file = "pydantic_core-2.16.3-cp311-none-win32.whl", hash = "sha256:ded1c35f15c9dea16ead9bffcde9bb5c7c031bff076355dc58dcb1cb436c4721"}, + {file = "pydantic_core-2.16.3-cp311-none-win_amd64.whl", hash = "sha256:d89ca19cdd0dd5f31606a9329e309d4fcbb3df860960acec32630297d61820df"}, + {file = "pydantic_core-2.16.3-cp311-none-win_arm64.whl", hash = "sha256:6162f8d2dc27ba21027f261e4fa26f8bcb3cf9784b7f9499466a311ac284b5b9"}, + {file = "pydantic_core-2.16.3-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:0f56ae86b60ea987ae8bcd6654a887238fd53d1384f9b222ac457070b7ac4cff"}, + {file = "pydantic_core-2.16.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9bd22a2a639e26171068f8ebb5400ce2c1bc7d17959f60a3b753ae13c632975"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4204e773b4b408062960e65468d5346bdfe139247ee5f1ca2a378983e11388a2"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f651dd19363c632f4abe3480a7c87a9773be27cfe1341aef06e8759599454120"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:aaf09e615a0bf98d406657e0008e4a8701b11481840be7d31755dc9f97c44053"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8e47755d8152c1ab5b55928ab422a76e2e7b22b5ed8e90a7d584268dd49e9c6b"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:500960cb3a0543a724a81ba859da816e8cf01b0e6aaeedf2c3775d12ee49cade"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cf6204fe865da605285c34cf1172879d0314ff267b1c35ff59de7154f35fdc2e"}, + {file = "pydantic_core-2.16.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:d33dd21f572545649f90c38c227cc8631268ba25c460b5569abebdd0ec5974ca"}, + {file = "pydantic_core-2.16.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:49d5d58abd4b83fb8ce763be7794d09b2f50f10aa65c0f0c1696c677edeb7cbf"}, + {file = "pydantic_core-2.16.3-cp312-none-win32.whl", hash = "sha256:f53aace168a2a10582e570b7736cc5bef12cae9cf21775e3eafac597e8551fbe"}, + {file = "pydantic_core-2.16.3-cp312-none-win_amd64.whl", hash = "sha256:0d32576b1de5a30d9a97f300cc6a3f4694c428d956adbc7e6e2f9cad279e45ed"}, + {file = "pydantic_core-2.16.3-cp312-none-win_arm64.whl", hash = "sha256:ec08be75bb268473677edb83ba71e7e74b43c008e4a7b1907c6d57e940bf34b6"}, + {file = "pydantic_core-2.16.3-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:b1f6f5938d63c6139860f044e2538baeee6f0b251a1816e7adb6cbce106a1f01"}, + {file = "pydantic_core-2.16.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:2a1ef6a36fdbf71538142ed604ad19b82f67b05749512e47f247a6ddd06afdc7"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:704d35ecc7e9c31d48926150afada60401c55efa3b46cd1ded5a01bdffaf1d48"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d937653a696465677ed583124b94a4b2d79f5e30b2c46115a68e482c6a591c8a"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c9803edf8e29bd825f43481f19c37f50d2b01899448273b3a7758441b512acf8"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:72282ad4892a9fb2da25defeac8c2e84352c108705c972db82ab121d15f14e6d"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f752826b5b8361193df55afcdf8ca6a57d0232653494ba473630a83ba50d8c9"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:4384a8f68ddb31a0b0c3deae88765f5868a1b9148939c3f4121233314ad5532c"}, + {file = "pydantic_core-2.16.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:a4b2bf78342c40b3dc830880106f54328928ff03e357935ad26c7128bbd66ce8"}, + {file = "pydantic_core-2.16.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:13dcc4802961b5f843a9385fc821a0b0135e8c07fc3d9949fd49627c1a5e6ae5"}, + {file = "pydantic_core-2.16.3-cp38-none-win32.whl", hash = "sha256:e3e70c94a0c3841e6aa831edab1619ad5c511199be94d0c11ba75fe06efe107a"}, + {file = "pydantic_core-2.16.3-cp38-none-win_amd64.whl", hash = "sha256:ecdf6bf5f578615f2e985a5e1f6572e23aa632c4bd1dc67f8f406d445ac115ed"}, + {file = "pydantic_core-2.16.3-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:bda1ee3e08252b8d41fa5537413ffdddd58fa73107171a126d3b9ff001b9b820"}, + {file = "pydantic_core-2.16.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:21b888c973e4f26b7a96491c0965a8a312e13be108022ee510248fe379a5fa23"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be0ec334369316fa73448cc8c982c01e5d2a81c95969d58b8f6e272884df0074"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b5b6079cc452a7c53dd378c6f881ac528246b3ac9aae0f8eef98498a75657805"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ee8d5f878dccb6d499ba4d30d757111847b6849ae07acdd1205fffa1fc1253c"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7233d65d9d651242a68801159763d09e9ec96e8a158dbf118dc090cd77a104c9"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c6119dc90483a5cb50a1306adb8d52c66e447da88ea44f323e0ae1a5fcb14256"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:578114bc803a4c1ff9946d977c221e4376620a46cf78da267d946397dc9514a8"}, + {file = "pydantic_core-2.16.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d8f99b147ff3fcf6b3cc60cb0c39ea443884d5559a30b1481e92495f2310ff2b"}, + {file = "pydantic_core-2.16.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:4ac6b4ce1e7283d715c4b729d8f9dab9627586dafce81d9eaa009dd7f25dd972"}, + {file = "pydantic_core-2.16.3-cp39-none-win32.whl", hash = "sha256:e7774b570e61cb998490c5235740d475413a1f6de823169b4cf94e2fe9e9f6b2"}, + {file = "pydantic_core-2.16.3-cp39-none-win_amd64.whl", hash = "sha256:9091632a25b8b87b9a605ec0e61f241c456e9248bfdcf7abdf344fdb169c81cf"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:36fa178aacbc277bc6b62a2c3da95226520da4f4e9e206fdf076484363895d2c"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:dcca5d2bf65c6fb591fff92da03f94cd4f315972f97c21975398bd4bd046854a"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2a72fb9963cba4cd5793854fd12f4cfee731e86df140f59ff52a49b3552db241"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b60cc1a081f80a2105a59385b92d82278b15d80ebb3adb200542ae165cd7d183"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cbcc558401de90a746d02ef330c528f2e668c83350f045833543cd57ecead1ad"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:fee427241c2d9fb7192b658190f9f5fd6dfe41e02f3c1489d2ec1e6a5ab1e04a"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:f4cb85f693044e0f71f394ff76c98ddc1bc0953e48c061725e540396d5c8a2e1"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:b29eeb887aa931c2fcef5aa515d9d176d25006794610c264ddc114c053bf96fe"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:a425479ee40ff021f8216c9d07a6a3b54b31c8267c6e17aa88b70d7ebd0e5e5b"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:5c5cbc703168d1b7a838668998308018a2718c2130595e8e190220238addc96f"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:99b6add4c0b39a513d323d3b93bc173dac663c27b99860dd5bf491b240d26137"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:75f76ee558751746d6a38f89d60b6228fa174e5172d143886af0f85aa306fd89"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:00ee1c97b5364b84cb0bd82e9bbf645d5e2871fb8c58059d158412fee2d33d8a"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:287073c66748f624be4cef893ef9174e3eb88fe0b8a78dc22e88eca4bc357ca6"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:ed25e1835c00a332cb10c683cd39da96a719ab1dfc08427d476bce41b92531fc"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:86b3d0033580bd6bbe07590152007275bd7af95f98eaa5bd36f3da219dcd93da"}, + {file = "pydantic_core-2.16.3.tar.gz", hash = "sha256:1cac689f80a3abab2d3c0048b29eea5751114054f032a941a32de4c852c59cad"}, +] + +[package.dependencies] +typing-extensions = ">=4.6.0,<4.7.0 || >4.7.0" + +[[package]] +name = "pytest" +version = "7.4.4" +description = "pytest: simple powerful testing with Python" +optional = false +python-versions = ">=3.7" +files = [ + {file = "pytest-7.4.4-py3-none-any.whl", hash = "sha256:b090cdf5ed60bf4c45261be03239c2c1c22df034fbffe691abe93cd80cea01d8"}, + {file = "pytest-7.4.4.tar.gz", hash = "sha256:2cf0005922c6ace4a3e2ec8b4080eb0d9753fdc93107415332f50ce9e7994280"}, +] + +[package.dependencies] +colorama = {version = "*", markers = "sys_platform == \"win32\""} +iniconfig = "*" +packaging = "*" +pluggy = ">=0.12,<2.0" + +[package.extras] +testing = ["argcomplete", "attrs (>=19.2.0)", "hypothesis (>=3.56)", "mock", "nose", "pygments (>=2.7.2)", "requests", "setuptools", "xmlschema"] + +[[package]] +name = "pytest-insta" +version = "0.3.0" +description = "A practical snapshot testing plugin for pytest" +optional = false +python-versions = ">=3.10,<4.0" +files = [ + {file = "pytest_insta-0.3.0-py3-none-any.whl", hash = "sha256:93a105e3850f2887b120a581923b10bb313d722e00d369377a1d91aa535df704"}, + {file = "pytest_insta-0.3.0.tar.gz", hash = "sha256:9e6e1c70a021f68ccc4643360b2c2f8326cf3befba85f942c1da17b9caf713f7"}, +] + +[package.dependencies] +pytest = ">=7.2.0,<9.0.0" +wrapt = ">=1.14.1,<2.0.0" + +[[package]] +name = "typing-extensions" +version = "4.10.0" +description = "Backported and Experimental Type Hints for Python 3.8+" +optional = false +python-versions = ">=3.8" +files = [ + {file = "typing_extensions-4.10.0-py3-none-any.whl", hash = "sha256:69b1a937c3a517342112fb4c6df7e72fc39a38e7891a5730ed4985b5214b5475"}, + {file = "typing_extensions-4.10.0.tar.gz", hash = "sha256:b0abd7c89e8fb96f98db18d86106ff1d90ab692004eb746cf6eda2682f91b3cb"}, +] + +[[package]] +name = "wrapt" +version = "1.16.0" +description = "Module for decorators, wrappers and monkey patching." +optional = false +python-versions = ">=3.6" +files = [ + {file = "wrapt-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ffa565331890b90056c01db69c0fe634a776f8019c143a5ae265f9c6bc4bd6d4"}, + {file = "wrapt-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e4fdb9275308292e880dcbeb12546df7f3e0f96c6b41197e0cf37d2826359020"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb2dee3874a500de01c93d5c71415fcaef1d858370d405824783e7a8ef5db440"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a88e6010048489cda82b1326889ec075a8c856c2e6a256072b28eaee3ccf487"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac83a914ebaf589b69f7d0a1277602ff494e21f4c2f743313414378f8f50a4cf"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:73aa7d98215d39b8455f103de64391cb79dfcad601701a3aa0dddacf74911d72"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:807cc8543a477ab7422f1120a217054f958a66ef7314f76dd9e77d3f02cdccd0"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bf5703fdeb350e36885f2875d853ce13172ae281c56e509f4e6eca049bdfb136"}, + {file = "wrapt-1.16.0-cp310-cp310-win32.whl", hash = "sha256:f6b2d0c6703c988d334f297aa5df18c45e97b0af3679bb75059e0e0bd8b1069d"}, + {file = "wrapt-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:decbfa2f618fa8ed81c95ee18a387ff973143c656ef800c9f24fb7e9c16054e2"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1a5db485fe2de4403f13fafdc231b0dbae5eca4359232d2efc79025527375b09"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:75ea7d0ee2a15733684badb16de6794894ed9c55aa5e9903260922f0482e687d"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a452f9ca3e3267cd4d0fcf2edd0d035b1934ac2bd7e0e57ac91ad6b95c0c6389"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43aa59eadec7890d9958748db829df269f0368521ba6dc68cc172d5d03ed8060"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72554a23c78a8e7aa02abbd699d129eead8b147a23c56e08d08dfc29cfdddca1"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d2efee35b4b0a347e0d99d28e884dfd82797852d62fcd7ebdeee26f3ceb72cf3"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:6dcfcffe73710be01d90cae08c3e548d90932d37b39ef83969ae135d36ef3956"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:eb6e651000a19c96f452c85132811d25e9264d836951022d6e81df2fff38337d"}, + {file = "wrapt-1.16.0-cp311-cp311-win32.whl", hash = "sha256:66027d667efe95cc4fa945af59f92c5a02c6f5bb6012bff9e60542c74c75c362"}, + {file = "wrapt-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:aefbc4cb0a54f91af643660a0a150ce2c090d3652cf4052a5397fb2de549cd89"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5eb404d89131ec9b4f748fa5cfb5346802e5ee8836f57d516576e61f304f3b7b"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9090c9e676d5236a6948330e83cb89969f433b1943a558968f659ead07cb3b36"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:94265b00870aa407bd0cbcfd536f17ecde43b94fb8d228560a1e9d3041462d73"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2058f813d4f2b5e3a9eb2eb3faf8f1d99b81c3e51aeda4b168406443e8ba809"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98b5e1f498a8ca1858a1cdbffb023bfd954da4e3fa2c0cb5853d40014557248b"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:14d7dc606219cdd7405133c713f2c218d4252f2a469003f8c46bb92d5d095d81"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:49aac49dc4782cb04f58986e81ea0b4768e4ff197b57324dcbd7699c5dfb40b9"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:418abb18146475c310d7a6dc71143d6f7adec5b004ac9ce08dc7a34e2babdc5c"}, + {file = "wrapt-1.16.0-cp312-cp312-win32.whl", hash = "sha256:685f568fa5e627e93f3b52fda002c7ed2fa1800b50ce51f6ed1d572d8ab3e7fc"}, + {file = "wrapt-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:dcdba5c86e368442528f7060039eda390cc4091bfd1dca41e8046af7c910dda8"}, + {file = "wrapt-1.16.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:d462f28826f4657968ae51d2181a074dfe03c200d6131690b7d65d55b0f360f8"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a33a747400b94b6d6b8a165e4480264a64a78c8a4c734b62136062e9a248dd39"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b3646eefa23daeba62643a58aac816945cadc0afaf21800a1421eeba5f6cfb9c"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ebf019be5c09d400cf7b024aa52b1f3aeebeff51550d007e92c3c1c4afc2a40"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:0d2691979e93d06a95a26257adb7bfd0c93818e89b1406f5a28f36e0d8c1e1fc"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:1acd723ee2a8826f3d53910255643e33673e1d11db84ce5880675954183ec47e"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:bc57efac2da352a51cc4658878a68d2b1b67dbe9d33c36cb826ca449d80a8465"}, + {file = "wrapt-1.16.0-cp36-cp36m-win32.whl", hash = "sha256:da4813f751142436b075ed7aa012a8778aa43a99f7b36afe9b742d3ed8bdc95e"}, + {file = "wrapt-1.16.0-cp36-cp36m-win_amd64.whl", hash = "sha256:6f6eac2360f2d543cc875a0e5efd413b6cbd483cb3ad7ebf888884a6e0d2e966"}, + {file = "wrapt-1.16.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0ea261ce52b5952bf669684a251a66df239ec6d441ccb59ec7afa882265d593"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7bd2d7ff69a2cac767fbf7a2b206add2e9a210e57947dd7ce03e25d03d2de292"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9159485323798c8dc530a224bd3ffcf76659319ccc7bbd52e01e73bd0241a0c5"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a86373cf37cd7764f2201b76496aba58a52e76dedfaa698ef9e9688bfd9e41cf"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:73870c364c11f03ed072dda68ff7aea6d2a3a5c3fe250d917a429c7432e15228"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b935ae30c6e7400022b50f8d359c03ed233d45b725cfdd299462f41ee5ffba6f"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:db98ad84a55eb09b3c32a96c576476777e87c520a34e2519d3e59c44710c002c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win32.whl", hash = "sha256:9153ed35fc5e4fa3b2fe97bddaa7cbec0ed22412b85bcdaf54aeba92ea37428c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win_amd64.whl", hash = "sha256:66dfbaa7cfa3eb707bbfcd46dab2bc6207b005cbc9caa2199bcbc81d95071a00"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1dd50a2696ff89f57bd8847647a1c363b687d3d796dc30d4dd4a9d1689a706f0"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:44a2754372e32ab315734c6c73b24351d06e77ffff6ae27d2ecf14cf3d229202"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e9723528b9f787dc59168369e42ae1c3b0d3fadb2f1a71de14531d321ee05b0"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dbed418ba5c3dce92619656802cc5355cb679e58d0d89b50f116e4a9d5a9603e"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:941988b89b4fd6b41c3f0bfb20e92bd23746579736b7343283297c4c8cbae68f"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:6a42cd0cfa8ffc1915aef79cb4284f6383d8a3e9dcca70c445dcfdd639d51267"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:1ca9b6085e4f866bd584fb135a041bfc32cab916e69f714a7d1d397f8c4891ca"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d5e49454f19ef621089e204f862388d29e6e8d8b162efce05208913dde5b9ad6"}, + {file = "wrapt-1.16.0-cp38-cp38-win32.whl", hash = "sha256:c31f72b1b6624c9d863fc095da460802f43a7c6868c5dda140f51da24fd47d7b"}, + {file = "wrapt-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:490b0ee15c1a55be9c1bd8609b8cecd60e325f0575fc98f50058eae366e01f41"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9b201ae332c3637a42f02d1045e1d0cccfdc41f1f2f801dafbaa7e9b4797bfc2"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2076fad65c6736184e77d7d4729b63a6d1ae0b70da4868adeec40989858eb3fb"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5cd603b575ebceca7da5a3a251e69561bec509e0b46e4993e1cac402b7247b8"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b47cfad9e9bbbed2339081f4e346c93ecd7ab504299403320bf85f7f85c7d46c"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8212564d49c50eb4565e502814f694e240c55551a5f1bc841d4fcaabb0a9b8a"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:5f15814a33e42b04e3de432e573aa557f9f0f56458745c2074952f564c50e664"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:db2e408d983b0e61e238cf579c09ef7020560441906ca990fe8412153e3b291f"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:edfad1d29c73f9b863ebe7082ae9321374ccb10879eeabc84ba3b69f2579d537"}, + {file = "wrapt-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed867c42c268f876097248e05b6117a65bcd1e63b779e916fe2e33cd6fd0d3c3"}, + {file = "wrapt-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:eb1b046be06b0fce7249f1d025cd359b4b80fc1c3e24ad9eca33e0dcdb2e4a35"}, + {file = "wrapt-1.16.0-py3-none-any.whl", hash = "sha256:6906c4100a8fcbf2fa735f6059214bb13b97f75b1a61777fcf6432121ef12ef1"}, + {file = "wrapt-1.16.0.tar.gz", hash = "sha256:5f370f952971e7d17c7d1ead40e49f32345a7f7a5373571ef44d800d06b1899d"}, +] + +[[package]] +name = "xxhash" +version = "3.4.1" +description = "Python binding for xxHash" +optional = false +python-versions = ">=3.7" +files = [ + {file = "xxhash-3.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:91dbfa55346ad3e18e738742236554531a621042e419b70ad8f3c1d9c7a16e7f"}, + {file = "xxhash-3.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:665a65c2a48a72068fcc4d21721510df5f51f1142541c890491afc80451636d2"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb11628470a6004dc71a09fe90c2f459ff03d611376c1debeec2d648f44cb693"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5bef2a7dc7b4f4beb45a1edbba9b9194c60a43a89598a87f1a0226d183764189"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9c0f7b2d547d72c7eda7aa817acf8791f0146b12b9eba1d4432c531fb0352228"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00f2fdef6b41c9db3d2fc0e7f94cb3db86693e5c45d6de09625caad9a469635b"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:23cfd9ca09acaf07a43e5a695143d9a21bf00f5b49b15c07d5388cadf1f9ce11"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6a9ff50a3cf88355ca4731682c168049af1ca222d1d2925ef7119c1a78e95b3b"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:f1d7c69a1e9ca5faa75546fdd267f214f63f52f12692f9b3a2f6467c9e67d5e7"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:672b273040d5d5a6864a36287f3514efcd1d4b1b6a7480f294c4b1d1ee1b8de0"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4178f78d70e88f1c4a89ff1ffe9f43147185930bb962ee3979dba15f2b1cc799"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9804b9eb254d4b8cc83ab5a2002128f7d631dd427aa873c8727dba7f1f0d1c2b"}, + {file = "xxhash-3.4.1-cp310-cp310-win32.whl", hash = "sha256:c09c49473212d9c87261d22c74370457cfff5db2ddfc7fd1e35c80c31a8c14ce"}, + {file = "xxhash-3.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:ebbb1616435b4a194ce3466d7247df23499475c7ed4eb2681a1fa42ff766aff6"}, + {file = "xxhash-3.4.1-cp310-cp310-win_arm64.whl", hash = "sha256:25dc66be3db54f8a2d136f695b00cfe88018e59ccff0f3b8f545869f376a8a46"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:58c49083801885273e262c0f5bbeac23e520564b8357fbb18fb94ff09d3d3ea5"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b526015a973bfbe81e804a586b703f163861da36d186627e27524f5427b0d520"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36ad4457644c91a966f6fe137d7467636bdc51a6ce10a1d04f365c70d6a16d7e"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:248d3e83d119770f96003271fe41e049dd4ae52da2feb8f832b7a20e791d2920"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2070b6d5bbef5ee031666cf21d4953c16e92c2f8a24a94b5c240f8995ba3b1d0"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b2746035f518f0410915e247877f7df43ef3372bf36cfa52cc4bc33e85242641"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a8ba6181514681c2591840d5632fcf7356ab287d4aff1c8dea20f3c78097088"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0aac5010869240e95f740de43cd6a05eae180c59edd182ad93bf12ee289484fa"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4cb11d8debab1626181633d184b2372aaa09825bde709bf927704ed72765bed1"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:b29728cff2c12f3d9f1d940528ee83918d803c0567866e062683f300d1d2eff3"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:a15cbf3a9c40672523bdb6ea97ff74b443406ba0ab9bca10ceccd9546414bd84"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:6e66df260fed01ed8ea790c2913271641c58481e807790d9fca8bfd5a3c13844"}, + {file = "xxhash-3.4.1-cp311-cp311-win32.whl", hash = "sha256:e867f68a8f381ea12858e6d67378c05359d3a53a888913b5f7d35fbf68939d5f"}, + {file = "xxhash-3.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:200a5a3ad9c7c0c02ed1484a1d838b63edcf92ff538770ea07456a3732c577f4"}, + {file = "xxhash-3.4.1-cp311-cp311-win_arm64.whl", hash = "sha256:1d03f1c0d16d24ea032e99f61c552cb2b77d502e545187338bea461fde253583"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c4bbba9b182697a52bc0c9f8ec0ba1acb914b4937cd4a877ad78a3b3eeabefb3"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9fd28a9da300e64e434cfc96567a8387d9a96e824a9be1452a1e7248b7763b78"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6066d88c9329ab230e18998daec53d819daeee99d003955c8db6fc4971b45ca3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:93805bc3233ad89abf51772f2ed3355097a5dc74e6080de19706fc447da99cd3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:64da57d5ed586ebb2ecdde1e997fa37c27fe32fe61a656b77fabbc58e6fbff6e"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7a97322e9a7440bf3c9805cbaac090358b43f650516486746f7fa482672593df"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bbe750d512982ee7d831838a5dee9e9848f3fb440e4734cca3f298228cc957a6"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:fd79d4087727daf4d5b8afe594b37d611ab95dc8e29fe1a7517320794837eb7d"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:743612da4071ff9aa4d055f3f111ae5247342931dedb955268954ef7201a71ff"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:b41edaf05734092f24f48c0958b3c6cbaaa5b7e024880692078c6b1f8247e2fc"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:a90356ead70d715fe64c30cd0969072de1860e56b78adf7c69d954b43e29d9fa"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ac56eebb364e44c85e1d9e9cc5f6031d78a34f0092fea7fc80478139369a8b4a"}, + {file = "xxhash-3.4.1-cp312-cp312-win32.whl", hash = "sha256:911035345932a153c427107397c1518f8ce456f93c618dd1c5b54ebb22e73747"}, + {file = "xxhash-3.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:f31ce76489f8601cc7b8713201ce94b4bd7b7ce90ba3353dccce7e9e1fee71fa"}, + {file = "xxhash-3.4.1-cp312-cp312-win_arm64.whl", hash = "sha256:b5beb1c6a72fdc7584102f42c4d9df232ee018ddf806e8c90906547dfb43b2da"}, + {file = "xxhash-3.4.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:6d42b24d1496deb05dee5a24ed510b16de1d6c866c626c2beb11aebf3be278b9"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3b685fab18876b14a8f94813fa2ca80cfb5ab6a85d31d5539b7cd749ce9e3624"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:419ffe34c17ae2df019a4685e8d3934d46b2e0bbe46221ab40b7e04ed9f11137"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0e041ce5714f95251a88670c114b748bca3bf80cc72400e9f23e6d0d59cf2681"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc860d887c5cb2f524899fb8338e1bb3d5789f75fac179101920d9afddef284b"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:312eba88ffe0a05e332e3a6f9788b73883752be63f8588a6dc1261a3eaaaf2b2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:e01226b6b6a1ffe4e6bd6d08cfcb3ca708b16f02eb06dd44f3c6e53285f03e4f"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:9f3025a0d5d8cf406a9313cd0d5789c77433ba2004b1c75439b67678e5136537"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:6d3472fd4afef2a567d5f14411d94060099901cd8ce9788b22b8c6f13c606a93"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:43984c0a92f06cac434ad181f329a1445017c33807b7ae4f033878d860a4b0f2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a55e0506fdb09640a82ec4f44171273eeabf6f371a4ec605633adb2837b5d9d5"}, + {file = "xxhash-3.4.1-cp37-cp37m-win32.whl", hash = "sha256:faec30437919555b039a8bdbaba49c013043e8f76c999670aef146d33e05b3a0"}, + {file = "xxhash-3.4.1-cp37-cp37m-win_amd64.whl", hash = "sha256:c9e1b646af61f1fc7083bb7b40536be944f1ac67ef5e360bca2d73430186971a"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:961d948b7b1c1b6c08484bbce3d489cdf153e4122c3dfb07c2039621243d8795"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:719a378930504ab159f7b8e20fa2aa1896cde050011af838af7e7e3518dd82de"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:74fb5cb9406ccd7c4dd917f16630d2e5e8cbbb02fc2fca4e559b2a47a64f4940"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5dab508ac39e0ab988039bc7f962c6ad021acd81fd29145962b068df4148c476"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8c59f3e46e7daf4c589e8e853d700ef6607afa037bfad32c390175da28127e8c"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8cc07256eff0795e0f642df74ad096f8c5d23fe66bc138b83970b50fc7f7f6c5"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e9f749999ed80f3955a4af0eb18bb43993f04939350b07b8dd2f44edc98ffee9"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:7688d7c02149a90a3d46d55b341ab7ad1b4a3f767be2357e211b4e893efbaaf6"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a8b4977963926f60b0d4f830941c864bed16aa151206c01ad5c531636da5708e"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:8106d88da330f6535a58a8195aa463ef5281a9aa23b04af1848ff715c4398fb4"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4c76a77dbd169450b61c06fd2d5d436189fc8ab7c1571d39265d4822da16df22"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:11f11357c86d83e53719c592021fd524efa9cf024dc7cb1dfb57bbbd0d8713f2"}, + {file = "xxhash-3.4.1-cp38-cp38-win32.whl", hash = "sha256:0c786a6cd74e8765c6809892a0d45886e7c3dc54de4985b4a5eb8b630f3b8e3b"}, + {file = "xxhash-3.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:aabf37fb8fa27430d50507deeab2ee7b1bcce89910dd10657c38e71fee835594"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6127813abc1477f3a83529b6bbcfeddc23162cece76fa69aee8f6a8a97720562"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ef2e194262f5db16075caea7b3f7f49392242c688412f386d3c7b07c7733a70a"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:71be94265b6c6590f0018bbf73759d21a41c6bda20409782d8117e76cd0dfa8b"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:10e0a619cdd1c0980e25eb04e30fe96cf8f4324758fa497080af9c21a6de573f"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fa122124d2e3bd36581dd78c0efa5f429f5220313479fb1072858188bc2d5ff1"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17032f5a4fea0a074717fe33477cb5ee723a5f428de7563e75af64bfc1b1e10"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ca7783b20e3e4f3f52f093538895863f21d18598f9a48211ad757680c3bd006f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d77d09a1113899fad5f354a1eb4f0a9afcf58cefff51082c8ad643ff890e30cf"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:21287bcdd299fdc3328cc0fbbdeaa46838a1c05391264e51ddb38a3f5b09611f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:dfd7a6cc483e20b4ad90224aeb589e64ec0f31e5610ab9957ff4314270b2bf31"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:543c7fcbc02bbb4840ea9915134e14dc3dc15cbd5a30873a7a5bf66039db97ec"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:fe0a98d990e433013f41827b62be9ab43e3cf18e08b1483fcc343bda0d691182"}, + {file = "xxhash-3.4.1-cp39-cp39-win32.whl", hash = "sha256:b9097af00ebf429cc7c0e7d2fdf28384e4e2e91008130ccda8d5ae653db71e54"}, + {file = "xxhash-3.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:d699b921af0dcde50ab18be76c0d832f803034d80470703700cb7df0fbec2832"}, + {file = "xxhash-3.4.1-cp39-cp39-win_arm64.whl", hash = "sha256:2be491723405e15cc099ade1280133ccfbf6322d2ef568494fb7d07d280e7eee"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:431625fad7ab5649368c4849d2b49a83dc711b1f20e1f7f04955aab86cd307bc"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc6dbd5fc3c9886a9e041848508b7fb65fd82f94cc793253990f81617b61fe49"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3ff8dbd0ec97aec842476cb8ccc3e17dd288cd6ce3c8ef38bff83d6eb927817"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef73a53fe90558a4096e3256752268a8bdc0322f4692ed928b6cd7ce06ad4fe3"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:450401f42bbd274b519d3d8dcf3c57166913381a3d2664d6609004685039f9d3"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a162840cf4de8a7cd8720ff3b4417fbc10001eefdd2d21541a8226bb5556e3bb"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b736a2a2728ba45017cb67785e03125a79d246462dfa892d023b827007412c52"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0ae4c2e7698adef58710d6e7a32ff518b66b98854b1c68e70eee504ad061d8"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d6322c4291c3ff174dcd104fae41500e75dad12be6f3085d119c2c8a80956c51"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:dd59ed668801c3fae282f8f4edadf6dc7784db6d18139b584b6d9677ddde1b6b"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:92693c487e39523a80474b0394645b393f0ae781d8db3474ccdcead0559ccf45"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4603a0f642a1e8d7f3ba5c4c25509aca6a9c1cc16f85091004a7028607ead663"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6fa45e8cbfbadb40a920fe9ca40c34b393e0b067082d94006f7f64e70c7490a6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:595b252943b3552de491ff51e5bb79660f84f033977f88f6ca1605846637b7c6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:562d8b8f783c6af969806aaacf95b6c7b776929ae26c0cd941d54644ea7ef51e"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:41ddeae47cf2828335d8d991f2d2b03b0bdc89289dc64349d712ff8ce59d0647"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c44d584afdf3c4dbb3277e32321d1a7b01d6071c1992524b6543025fb8f4206f"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd7bddb3a5b86213cc3f2c61500c16945a1b80ecd572f3078ddbbe68f9dabdfb"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9ecb6c987b62437c2f99c01e97caf8d25660bf541fe79a481d05732e5236719c"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:696b4e18b7023527d5c50ed0626ac0520edac45a50ec7cf3fc265cd08b1f4c03"}, + {file = "xxhash-3.4.1.tar.gz", hash = "sha256:0379d6cf1ff987cd421609a264ce025e74f346e3e145dd106c0cc2e3ec3f99a9"}, +] + +[[package]] +name = "yarl" +version = "1.9.4" +description = "Yet another URL library" +optional = false +python-versions = ">=3.7" +files = [ + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a8c1df72eb746f4136fe9a2e72b0c9dc1da1cbd23b5372f94b5820ff8ae30e0e"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a3a6ed1d525bfb91b3fc9b690c5a21bb52de28c018530ad85093cc488bee2dd2"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c38c9ddb6103ceae4e4498f9c08fac9b590c5c71b0370f98714768e22ac6fa66"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9e09c9d74f4566e905a0b8fa668c58109f7624db96a2171f21747abc7524234"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b8477c1ee4bd47c57d49621a062121c3023609f7a13b8a46953eb6c9716ca392"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5ff2c858f5f6a42c2a8e751100f237c5e869cbde669a724f2062d4c4ef93551"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:357495293086c5b6d34ca9616a43d329317feab7917518bc97a08f9e55648455"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54525ae423d7b7a8ee81ba189f131054defdb122cde31ff17477951464c1691c"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:801e9264d19643548651b9db361ce3287176671fb0117f96b5ac0ee1c3530d53"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e516dc8baf7b380e6c1c26792610230f37147bb754d6426462ab115a02944385"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:7d5aaac37d19b2904bb9dfe12cdb08c8443e7ba7d2852894ad448d4b8f442863"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:54beabb809ffcacbd9d28ac57b0db46e42a6e341a030293fb3185c409e626b8b"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bac8d525a8dbc2a1507ec731d2867025d11ceadcb4dd421423a5d42c56818541"}, + {file = "yarl-1.9.4-cp310-cp310-win32.whl", hash = "sha256:7855426dfbddac81896b6e533ebefc0af2f132d4a47340cee6d22cac7190022d"}, + {file = "yarl-1.9.4-cp310-cp310-win_amd64.whl", hash = "sha256:848cd2a1df56ddbffeb375535fb62c9d1645dde33ca4d51341378b3f5954429b"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:35a2b9396879ce32754bd457d31a51ff0a9d426fd9e0e3c33394bf4b9036b099"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c7d56b293cc071e82532f70adcbd8b61909eec973ae9d2d1f9b233f3d943f2c"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d8a1c6c0be645c745a081c192e747c5de06e944a0d21245f4cf7c05e457c36e0"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b3c1ffe10069f655ea2d731808e76e0f452fc6c749bea04781daf18e6039525"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:549d19c84c55d11687ddbd47eeb348a89df9cb30e1993f1b128f4685cd0ebbf8"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a7409f968456111140c1c95301cadf071bd30a81cbd7ab829169fb9e3d72eae9"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e23a6d84d9d1738dbc6e38167776107e63307dfc8ad108e580548d1f2c587f42"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d8b889777de69897406c9fb0b76cdf2fd0f31267861ae7501d93003d55f54fbe"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:03caa9507d3d3c83bca08650678e25364e1843b484f19986a527630ca376ecce"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4e9035df8d0880b2f1c7f5031f33f69e071dfe72ee9310cfc76f7b605958ceb9"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:c0ec0ed476f77db9fb29bca17f0a8fcc7bc97ad4c6c1d8959c507decb22e8572"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:ee04010f26d5102399bd17f8df8bc38dc7ccd7701dc77f4a68c5b8d733406958"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:49a180c2e0743d5d6e0b4d1a9e5f633c62eca3f8a86ba5dd3c471060e352ca98"}, + {file = "yarl-1.9.4-cp311-cp311-win32.whl", hash = "sha256:81eb57278deb6098a5b62e88ad8281b2ba09f2f1147c4767522353eaa6260b31"}, + {file = "yarl-1.9.4-cp311-cp311-win_amd64.whl", hash = "sha256:d1d2532b340b692880261c15aee4dc94dd22ca5d61b9db9a8a361953d36410b1"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0d2454f0aef65ea81037759be5ca9947539667eecebca092733b2eb43c965a81"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:44d8ffbb9c06e5a7f529f38f53eda23e50d1ed33c6c869e01481d3fafa6b8142"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aaaea1e536f98754a6e5c56091baa1b6ce2f2700cc4a00b0d49eca8dea471074"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3777ce5536d17989c91696db1d459574e9a9bd37660ea7ee4d3344579bb6f129"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9fc5fc1eeb029757349ad26bbc5880557389a03fa6ada41703db5e068881e5f2"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ea65804b5dc88dacd4a40279af0cdadcfe74b3e5b4c897aa0d81cf86927fee78"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa102d6d280a5455ad6a0f9e6d769989638718e938a6a0a2ff3f4a7ff8c62cc4"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:09efe4615ada057ba2d30df871d2f668af661e971dfeedf0c159927d48bbeff0"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:008d3e808d03ef28542372d01057fd09168419cdc8f848efe2804f894ae03e51"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6f5cb257bc2ec58f437da2b37a8cd48f666db96d47b8a3115c29f316313654ff"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:992f18e0ea248ee03b5a6e8b3b4738850ae7dbb172cc41c966462801cbf62cf7"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:0e9d124c191d5b881060a9e5060627694c3bdd1fe24c5eecc8d5d7d0eb6faabc"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:3986b6f41ad22988e53d5778f91855dc0399b043fc8946d4f2e68af22ee9ff10"}, + {file = "yarl-1.9.4-cp312-cp312-win32.whl", hash = "sha256:4b21516d181cd77ebd06ce160ef8cc2a5e9ad35fb1c5930882baff5ac865eee7"}, + {file = "yarl-1.9.4-cp312-cp312-win_amd64.whl", hash = "sha256:a9bd00dc3bc395a662900f33f74feb3e757429e545d831eef5bb280252631984"}, + {file = "yarl-1.9.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:63b20738b5aac74e239622d2fe30df4fca4942a86e31bf47a81a0e94c14df94f"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7d7f7de27b8944f1fee2c26a88b4dabc2409d2fea7a9ed3df79b67277644e17"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c74018551e31269d56fab81a728f683667e7c28c04e807ba08f8c9e3bba32f14"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ca06675212f94e7a610e85ca36948bb8fc023e458dd6c63ef71abfd482481aa5"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5aef935237d60a51a62b86249839b51345f47564208c6ee615ed2a40878dccdd"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2b134fd795e2322b7684155b7855cc99409d10b2e408056db2b93b51a52accc7"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d25039a474c4c72a5ad4b52495056f843a7ff07b632c1b92ea9043a3d9950f6e"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f7d6b36dd2e029b6bcb8a13cf19664c7b8e19ab3a58e0fefbb5b8461447ed5ec"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:957b4774373cf6f709359e5c8c4a0af9f6d7875db657adb0feaf8d6cb3c3964c"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d7eeb6d22331e2fd42fce928a81c697c9ee2d51400bd1a28803965883e13cead"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:6a962e04b8f91f8c4e5917e518d17958e3bdee71fd1d8b88cdce74dd0ebbf434"}, + {file = "yarl-1.9.4-cp37-cp37m-win32.whl", hash = "sha256:f3bc6af6e2b8f92eced34ef6a96ffb248e863af20ef4fde9448cc8c9b858b749"}, + {file = "yarl-1.9.4-cp37-cp37m-win_amd64.whl", hash = "sha256:ad4d7a90a92e528aadf4965d685c17dacff3df282db1121136c382dc0b6014d2"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:ec61d826d80fc293ed46c9dd26995921e3a82146feacd952ef0757236fc137be"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:8be9e837ea9113676e5754b43b940b50cce76d9ed7d2461df1af39a8ee674d9f"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bef596fdaa8f26e3d66af846bbe77057237cb6e8efff8cd7cc8dff9a62278bbf"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d47552b6e52c3319fede1b60b3de120fe83bde9b7bddad11a69fb0af7db32f1"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:84fc30f71689d7fc9168b92788abc977dc8cefa806909565fc2951d02f6b7d57"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4aa9741085f635934f3a2583e16fcf62ba835719a8b2b28fb2917bb0537c1dfa"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:206a55215e6d05dbc6c98ce598a59e6fbd0c493e2de4ea6cc2f4934d5a18d130"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:07574b007ee20e5c375a8fe4a0789fad26db905f9813be0f9fef5a68080de559"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5a2e2433eb9344a163aced6a5f6c9222c0786e5a9e9cac2c89f0b28433f56e23"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:6ad6d10ed9b67a382b45f29ea028f92d25bc0bc1daf6c5b801b90b5aa70fb9ec"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:6fe79f998a4052d79e1c30eeb7d6c1c1056ad33300f682465e1b4e9b5a188b78"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a825ec844298c791fd28ed14ed1bffc56a98d15b8c58a20e0e08c1f5f2bea1be"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8619d6915b3b0b34420cf9b2bb6d81ef59d984cb0fde7544e9ece32b4b3043c3"}, + {file = "yarl-1.9.4-cp38-cp38-win32.whl", hash = "sha256:686a0c2f85f83463272ddffd4deb5e591c98aac1897d65e92319f729c320eece"}, + {file = "yarl-1.9.4-cp38-cp38-win_amd64.whl", hash = "sha256:a00862fb23195b6b8322f7d781b0dc1d82cb3bcac346d1e38689370cc1cc398b"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:604f31d97fa493083ea21bd9b92c419012531c4e17ea6da0f65cacdcf5d0bd27"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:8a854227cf581330ffa2c4824d96e52ee621dd571078a252c25e3a3b3d94a1b1"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ba6f52cbc7809cd8d74604cce9c14868306ae4aa0282016b641c661f981a6e91"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a6327976c7c2f4ee6816eff196e25385ccc02cb81427952414a64811037bbc8b"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8397a3817d7dcdd14bb266283cd1d6fc7264a48c186b986f32e86d86d35fbac5"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0381b4ce23ff92f8170080c97678040fc5b08da85e9e292292aba67fdac6c34"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:23d32a2594cb5d565d358a92e151315d1b2268bc10f4610d098f96b147370136"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ddb2a5c08a4eaaba605340fdee8fc08e406c56617566d9643ad8bf6852778fc7"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:26a1dc6285e03f3cc9e839a2da83bcbf31dcb0d004c72d0730e755b33466c30e"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:18580f672e44ce1238b82f7fb87d727c4a131f3a9d33a5e0e82b793362bf18b4"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:29e0f83f37610f173eb7e7b5562dd71467993495e568e708d99e9d1944f561ec"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:1f23e4fe1e8794f74b6027d7cf19dc25f8b63af1483d91d595d4a07eca1fb26c"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:db8e58b9d79200c76956cefd14d5c90af54416ff5353c5bfd7cbe58818e26ef0"}, + {file = "yarl-1.9.4-cp39-cp39-win32.whl", hash = "sha256:c7224cab95645c7ab53791022ae77a4509472613e839dab722a72abe5a684575"}, + {file = "yarl-1.9.4-cp39-cp39-win_amd64.whl", hash = "sha256:824d6c50492add5da9374875ce72db7a0733b29c2394890aef23d533106e2b15"}, + {file = "yarl-1.9.4-py3-none-any.whl", hash = "sha256:928cecb0ef9d5a7946eb6ff58417ad2fe9375762382f1bf5c55e61645f2c43ad"}, + {file = "yarl-1.9.4.tar.gz", hash = "sha256:566db86717cf8080b99b58b083b773a908ae40f06681e87e589a976faf8246bf"}, +] + +[package.dependencies] +idna = ">=2.0" +multidict = ">=4.0" + +[metadata] +lock-version = "2.0" +python-versions = "^3.12" +content-hash = "793b63109c205399f057c5819ac4876d16c51337c2a14207565347f24b2f0468" diff --git a/source-hubspot-native/pyproject.toml b/source-hubspot-native/pyproject.toml new file mode 100644 index 0000000000..7f6d43873e --- /dev/null +++ b/source-hubspot-native/pyproject.toml @@ -0,0 +1,20 @@ +[tool.poetry] +name = "source_hubspot_native" +version = "0.1.0" +description = "" +authors = ["Johnny Graettinger "] + +[tool.poetry.dependencies] +estuary-cdk = {path="../estuary-cdk", develop = true} +pydantic = "^2" +python = "^3.12" + +[tool.poetry.group.dev.dependencies] +debugpy = "^1.8.0" +mypy = "^1.8.0" +pytest = "^7.4.3" +pytest-insta = "^0.3.0" + +[build-system] +requires = ["poetry-core"] +build-backend = "poetry.core.masonry.api" \ No newline at end of file diff --git a/source-hubspot-native/source_hubspot_native/__init__.py b/source-hubspot-native/source_hubspot_native/__init__.py new file mode 100644 index 0000000000..f246931e7d --- /dev/null +++ b/source-hubspot-native/source_hubspot_native/__init__.py @@ -0,0 +1,62 @@ +from logging import Logger +from typing import Callable, Awaitable + +from estuary_cdk.flow import ConnectorSpec +from estuary_cdk.capture import ( + BaseCaptureConnector, + Request, + Task, + common, + request, + response, +) +from estuary_cdk.http import HTTPMixin + +from .resources import all_resources +from .models import ( + ConnectorState, + EndpointConfig, + OAUTH2_SPEC, + ResourceConfig, +) + + +class Connector( + BaseCaptureConnector[EndpointConfig, ResourceConfig, ConnectorState], + HTTPMixin, +): + def request_class(self): + return Request[EndpointConfig, ResourceConfig, ConnectorState] + + async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: + return ConnectorSpec( + documentationUrl="https://docs.estuary.dev", + configSchema=EndpointConfig.model_json_schema(), + oauth2=OAUTH2_SPEC, + resourceConfigSchema=ResourceConfig.model_json_schema(), + resourcePathPointers=ResourceConfig.PATH_POINTERS, + ) + + async def discover( + self, discover: request.Discover[EndpointConfig], logger: Logger + ) -> response.Discovered[ResourceConfig]: + resources = await all_resources(self, discover.config, logger) + return common.discovered(resources) + + async def validate( + self, + validate: request.Validate[EndpointConfig, ResourceConfig], + logger: Logger, + ) -> response.Validated: + resources = await all_resources(self, validate.config, logger) + resolved = common.resolve_bindings(validate.bindings, resources) + return common.validated(resolved) + + async def open( + self, + open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], + logger: Logger, + ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: + resources = await all_resources(self, open.capture.config, logger) + resolved = common.resolve_bindings(open.capture.bindings, resources) + return common.open(open, resolved) diff --git a/source-hubspot-native/source_hubspot_native/__main__.py b/source-hubspot-native/source_hubspot_native/__main__.py new file mode 100644 index 0000000000..14f26d1636 --- /dev/null +++ b/source-hubspot-native/source_hubspot_native/__main__.py @@ -0,0 +1,4 @@ +import asyncio +import source_hubspot_native + +asyncio.run(source_hubspot_native.Connector().serve()) diff --git a/source-hubspot-native/source_hubspot_native/api.py b/source-hubspot-native/source_hubspot_native/api.py new file mode 100644 index 0000000000..f1336b99a7 --- /dev/null +++ b/source-hubspot-native/source_hubspot_native/api.py @@ -0,0 +1,270 @@ +from datetime import datetime, UTC +from estuary_cdk.http import HTTPSession +from logging import Logger +from pydantic import TypeAdapter +from typing import Iterable, Any, Callable, Awaitable, AsyncGenerator +import asyncio +import itertools + +from estuary_cdk.capture.common import ( + PageCursor, + LogCursor, +) + +from .models import ( + Association, + BatchResult, + CRMObject, + OldRecentCompanies, + OldRecentContacts, + OldRecentDeals, + OldRecentEngagements, + OldRecentTicket, + PageResult, + Properties, +) + +HUB = "https://api.hubapi.com" + + +async def fetch_properties(cls: type[CRMObject], http: HTTPSession) -> Properties: + if p := getattr(cls, "CACHED_PROPERTIES", None): + return p + + url = f"{HUB}/crm/v3/properties/{cls.NAME}" + cls.CACHED_PROPERTIES = Properties.model_validate_json(await http.request(url)) + for p in cls.CACHED_PROPERTIES.results: + p.hubspotObject = cls.NAME + + return cls.CACHED_PROPERTIES + + +async def fetch_page( + cls: type[CRMObject], + http: HTTPSession, + page: str | None, + cutoff: datetime, + logger: Logger, +) -> tuple[Iterable[CRMObject], str | None]: + + url = f"{HUB}/crm/v3/objects/{cls.NAME}" + properties = await fetch_properties(cls, http) + property_names = ",".join(p.name for p in properties.results if not p.calculated) + + input = { + "associations": ",".join(cls.ASSOCIATED_ENTITIES), + "limit": 2, # 50, # Maximum when requesting history. TODO(johnny). + "properties": property_names, + "propertiesWithHistory": property_names, + } + if page: + input["after"] = page + + _cls: Any = cls # Silence mypy false-positive. + result: PageResult[CRMObject] = PageResult[_cls].model_validate_json( + await http.request(url, method="GET", params=input) + ) + + return ( + (doc for doc in result.results if doc.updatedAt < cutoff), + result.paging.next.after if result.paging else None, + ) + + +async def fetch_batch( + cls: type[CRMObject], + http: HTTPSession, + ids: Iterable[str], +) -> BatchResult[CRMObject]: + + url = f"{HUB}/crm/v3/objects/{cls.NAME}/batch/read" + properties = await fetch_properties(cls, http) + property_names = [p.name for p in properties.results if not p.calculated] + + input = { + "inputs": [{"id": id} for id in ids], + "properties": property_names, + "propertiesWithHistory": property_names, + } + + _cls: Any = cls # Silence mypy false-positive. + return BatchResult[_cls].model_validate_json( + await http.request(url, method="POST", json=input) + ) + + +async def fetch_association( + cls: type[CRMObject], + http: HTTPSession, + ids: Iterable[str], + associated_entity: str, +) -> BatchResult[Association]: + url = f"{HUB}/crm/v4/associations/{cls.NAME}/{associated_entity}/batch/read" + input = {"inputs": [{"id": id} for id in ids]} + + return BatchResult[Association].model_validate_json( + await http.request(url, method="POST", json=input) + ) + + +async def fetch_batch_with_associations( + cls: type[CRMObject], + http: HTTPSession, + ids: list[str], +) -> BatchResult[CRMObject]: + + batch, all_associated = await asyncio.gather( + fetch_batch(cls, http, ids), + asyncio.gather( + *(fetch_association(cls, http, ids, e) for e in cls.ASSOCIATED_ENTITIES) + ), + ) + # Index CRM records so we can attach associations. + index = {r.id: r for r in batch.results} + + for associated_entity, associated in zip(cls.ASSOCIATED_ENTITIES, all_associated): + for result in associated.results: + setattr( + index[result.from_.id], + associated_entity, + [to.toObjectId for to in result.to], + ) + + return batch + + +FetchRecentFn = Callable[ + [HTTPSession, datetime, PageCursor], + Awaitable[tuple[Iterable[tuple[datetime, str]], PageCursor]], +] +""" +FetchRecentFn is the common signature of all fetch_recent_$thing functions below. +They return a page of (updatedAt, id) tuples for entities that have recently +changed, starting from PageCursor and optionally using the provided datetime to +lower-bound the look back. If there are additional pages, a PageCursor is returned. + +Pages may return IDs in any order, but paging will stop only upon seeing an entry +that's as-old or older than the datetime cursor. +""" + + +async def fetch_changes( + cls: type[CRMObject], + fetch_recent: FetchRecentFn, + http: HTTPSession, + log_cursor: LogCursor, + logger: Logger, +) -> tuple[AsyncGenerator[CRMObject, None], LogCursor]: + assert isinstance(log_cursor, datetime) + + # Walk pages of recent IDs until we see one which is as-old + # as `log_cursor`, or no pages remain. + recent: list[tuple[datetime, str]] = [] + next_page: PageCursor = None + + while True: + iter, next_page = await fetch_recent(http, log_cursor, next_page) + + for ts, id in iter: + if ts > log_cursor: + recent.append((ts, id)) + else: + next_page = None + + if not next_page: + break + + recent.sort() # Oldest updates first. + + async def fetcher() -> AsyncGenerator[CRMObject, None]: + for batch_it in itertools.batched(recent, 100): + batch = list(batch_it) + + documents: BatchResult[CRMObject] = await fetch_batch_with_associations( + cls, http, [id for _, id in batch] + ) + for doc in documents.results: + yield doc + + return fetcher(), recent[-1][0] if recent else log_cursor + + +async def fetch_recent_companies( + http: HTTPSession, since: datetime, page: PageCursor +) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: + + url = f"{HUB}/companies/v2/companies/recent/modified" + params = {"count": 100, "offset": page} if page else {"count": 1} + + result = OldRecentCompanies.model_validate_json( + await http.request(url, params=params) + ) + return ( + (_ms_to_dt(r.properties.hs_lastmodifieddate.timestamp), str(r.companyId)) + for r in result.results + ), result.hasMore and result.offset + + +async def fetch_recent_contacts( + http: HTTPSession, since: datetime, page: PageCursor +) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: + + url = f"{HUB}/contacts/v1/lists/recently_updated/contacts/recent" + params = {"count": 100, "timeOffset": page} if page else {"count": 1} + + result = OldRecentContacts.model_validate_json( + await http.request(url, params=params) + ) + return ( + (_ms_to_dt(int(r.properties.lastmodifieddate.value)), str(r.vid)) + for r in result.contacts + ), result.has_more and result.time_offset + + +async def fetch_recent_deals( + http: HTTPSession, since: datetime, page: PageCursor +) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: + + url = f"{HUB}/deals/v1/deal/recent/modified" + params = {"count": 100, "offset": page} if page else {"count": 1} + + result = OldRecentDeals.model_validate_json( + await http.request(url, params=params) + ) + return ( + (_ms_to_dt(r.properties.hs_lastmodifieddate.timestamp), str(r.dealId)) + for r in result.results + ), result.hasMore and result.offset + + +async def fetch_recent_engagements( + http: HTTPSession, since: datetime, page: PageCursor +) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: + + url = f"{HUB}/engagements/v1/engagements/recent/modified" + params = {"count": 100, "offset": page} if page else {"count": 1} + + result = OldRecentEngagements.model_validate_json( + await http.request(url, params=params) + ) + return ( + (_ms_to_dt(r.engagement.lastUpdated), str(r.engagement.id)) + for r in result.results + ), result.hasMore and result.offset + + +async def fetch_recent_tickets( + http: HTTPSession, since: datetime, cursor: PageCursor +) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: + + url = f"{HUB}/crm-objects/v1/change-log/tickets" + params = {"timestamp": int(since.timestamp() * 1000) - 1} + + result = TypeAdapter(list[OldRecentTicket]).validate_json( + await http.request(url, params=params) + ) + return ((_ms_to_dt(r.timestamp), str(r.objectId)) for r in result), None + + +def _ms_to_dt(ms: int) -> datetime: + return datetime.fromtimestamp(ms / 1000.0, tz=UTC) diff --git a/source-hubspot-native/source_hubspot_native/models.py b/source-hubspot-native/source_hubspot_native/models.py new file mode 100644 index 0000000000..6791833516 --- /dev/null +++ b/source-hubspot-native/source_hubspot_native/models.py @@ -0,0 +1,353 @@ +from datetime import datetime +from enum import StrEnum, auto +from pydantic import BaseModel, Field, AwareDatetime, model_validator +from typing import Literal, Generic, TypeVar, Annotated, ClassVar, TYPE_CHECKING +import urllib.parse + +from estuary_cdk.capture.common import ( + ConnectorState as GenericConnectorState, + AccessToken, + BaseDocument, + BaseOAuth2Credentials, + OAuth2Spec, + ResourceConfig, + ResourceState, +) + +scopes = [ + "crm.lists.read", + "crm.objects.companies.read", + "crm.objects.contacts.read", + "crm.objects.deals.read", + "crm.objects.owners.read", + "crm.schemas.companies.read", + "crm.schemas.contacts.read", + "crm.schemas.deals.read", + "e-commerce", + "files", + "files.ui_hidden.read", + "forms", + "forms-uploaded-files", + "sales-email-read", + "tickets", +] + +optional_scopes = [ + "automation", + "content", + "crm.objects.custom.read", + "crm.objects.feedback_submissions.read", + "crm.objects.goals.read", + "crm.schemas.custom.read", +] + +# TODO(johnny): Lift this string building into higher-order helpers. +OAUTH2_SPEC = OAuth2Spec( + provider="hubspot", + authUrlTemplate=( + "https://app.hubspot.com/oauth/authorize?" + r"client_id={{#urlencode}}{{{ client_id }}}{{/urlencode}}" + r"&scope=" + + urllib.parse.quote(" ".join(scopes)) + + r"&optional_scope=" + + urllib.parse.quote(" ".join(optional_scopes)) + + r"&redirect_uri={{#urlencode}}{{{ redirect_uri }}}{{/urlencode}}" + r"&response_type=code&state={{#urlencode}}{{{ state }}}{{/urlencode}}" + ), + accessTokenUrlTemplate="https://api.hubapi.com/oauth/v1/token", + accessTokenHeaders={"content-type": "application/x-www-form-urlencoded"}, + accessTokenBody=( + "grant_type=authorization_code" + r"&client_id={{#urlencode}}{{{ client_id }}}{{/urlencode}}" + r"&client_secret={{#urlencode}}{{{ client_secret }}}{{/urlencode}}" + r"&redirect_uri={{#urlencode}}{{{ redirect_uri }}}{{/urlencode}}" + r"&code={{#urlencode}}{{{ code }}}{{/urlencode}}" + ), + accessTokenResponseMap={ + "refresh_token": "/refresh_token", + }, +) + +if TYPE_CHECKING: + OAuth2Credentials = BaseOAuth2Credentials +else: + OAuth2Credentials = BaseOAuth2Credentials.for_provider(OAUTH2_SPEC.provider) + + +class EndpointConfig(BaseModel): + credentials: OAuth2Credentials | AccessToken = Field( + discriminator="credentials_title", + title="Authentication", + ) + + +# We use ResourceState directly, without extending it. +ConnectorState = GenericConnectorState[ResourceState] + + +# Names of things within the HubSpot API domain. +class Names(StrEnum): + companies = auto() + contacts = auto() + deals = auto() + engagements = auto() + line_items = auto() + properties = auto() + tickets = auto() + + +# A Property is a HubSpot or HubSpot-user defined attribute that's +# attached to a HubSpot CRM object. +class Property(BaseDocument, extra="allow"): + + name: str = "" + calculated: bool = False + hubspotObject: str = "unknown" # Added by us. + + +class Properties(BaseDocument, extra="forbid"): + results: list[Property] + + +# Base Struct for all CRM Objects within HubSpot. +class BaseCRMObject(BaseDocument, extra="forbid"): + # Class-scoped metadata attached to concrete subclasses. + NAME: ClassVar[str] + ASSOCIATED_ENTITIES: ClassVar[list[str]] + CACHED_PROPERTIES: ClassVar[Properties] + + class History(BaseDocument, extra="forbid"): + timestamp: datetime + value: str + sourceType: str + sourceId: str | None = None + updatedByUserId: int | None = None + + id: int + createdAt: AwareDatetime + updatedAt: AwareDatetime + archived: bool + + properties: dict[str, str | None] + propertiesWithHistory: dict[str, list[History]] = {} + + class InlineAssociations(BaseModel): + class Entry(BaseModel): + id: int + type: str # E.x. "child_to_parent_company", "company_to_company" + + results: list[Entry] + + # Inlined associations are present on PageResult (backfill) responses, + # but not within the BatchResult responses used for incremental streaming. + associations: Annotated[ + dict[str, InlineAssociations], + # Schematize as always-empty. + Field(json_schema_extra={"additionalProperties": False}), + ] = {} + + @model_validator(mode="after") + def _post_init(self) -> "BaseCRMObject": + # Clear properties and history which don't have current values. + self.properties = {k: v for k, v in self.properties.items() if v is not None} + self.propertiesWithHistory = { + k: v for k, v in self.propertiesWithHistory.items() if len(v) + } + + # If the model has attached inline associations, + # hoist them to corresponding arrays. Then clear associations. + for ae in self.ASSOCIATED_ENTITIES: + if inline := self.associations.get(ae, None): + setattr(self, ae, [int(k.id) for k in inline.results]) + + delattr(self, "associations") + return self + + +# CRMObject is a generic, concrete subclass of BaseCRMObject. +CRMObject = TypeVar("CRMObject", bound=BaseCRMObject) + + +class Company(BaseCRMObject): + NAME = Names.companies + ASSOCIATED_ENTITIES = [Names.contacts, Names.deals] + + contacts: list[int] = [] + deals: list[int] = [] + + +class Contact(BaseCRMObject): + NAME = Names.contacts + ASSOCIATED_ENTITIES = [Names.companies] + + companies: list[int] = [] + + +class Deal(BaseCRMObject): + NAME = Names.deals + ASSOCIATED_ENTITIES = [Names.contacts, Names.engagements, Names.line_items] + + contacts: list[int] = [] + engagements: list[int] = [] + line_items: list[int] = [] + + +class Engagement(BaseCRMObject): + NAME = Names.engagements + ASSOCIATED_ENTITIES = [Names.deals] + + deals: list[int] = [] + + +class Ticket(BaseCRMObject): + NAME = Names.tickets + ASSOCIATED_ENTITIES = [Names.contacts, Names.engagements, Names.line_items] + + contacts: list[int] = [] + engagements: list[int] = [] + line_items: list[int] = [] + + +# An Association, as returned by the v4 associations API. +class Association(BaseModel, extra="forbid"): + + class Type(BaseModel, extra="forbid"): + category: Literal["HUBSPOT_DEFINED", "USER_DEFINED"] + # Type IDs are defined here: https://developers.hubspot.com/docs/api/crm/associations + typeId: int + # Ex "Child Company", "Parent Company". + # These seem potentially useful, but they're not available when doing + # paged reads of CRM entities, so they're omitted in output so that + # paged vs batched reads of CRM records can have a consistent shape. + label: str | None + + class From(BaseModel, extra="forbid"): + id: int + + class To(BaseModel, extra="forbid"): + toObjectId: int + associationTypes: list["Association.Type"] + + from_: From = Field(alias="from") + to: list[To] + + # TODO(johnny): This can potentially have a `pager`, but I'm leaving it out + # to see if it's ever encountered. If it is, I think we handle by ignoring + # it and having a position of "we'll get (only) the first page". + + +# An unconstrained Item type. +Item = TypeVar("Item") + + +# Common shape of a v3 API paged listing. +class PageResult(BaseModel, Generic[Item], extra="forbid"): + + class Cursor(BaseModel, extra="forbid"): + after: str + link: str + + class Paging(BaseModel, extra="forbid"): + next: "PageResult.Cursor" + + results: list[Item] + paging: Paging | None = None + + +# Common shape of a v3 API batch read. +class BatchResult(BaseModel, Generic[Item], extra="forbid"): + + class Error(BaseModel, extra="forbid"): + status: Literal["error"] + category: Literal["OBJECT_NOT_FOUND"] + message: str + context: dict + subCategory: str | None = None + + status: Literal["COMPLETE"] + results: list[Item] + startedAt: datetime + completedAt: datetime + errors: list[Error] = [] + numErrors: int = 0 + + +# The following are models for HubSpot's "legacy" APIs for fetching +# recently-changed entities. We model them because these APIs are +# fast and HubSpot doesn't offer an equivalent, more-recent API. +# We model _just_ enough of these APIs in order to retrieve IDs +# and modification times. + + +class OldRecentCompanies(BaseModel): + + class Item(BaseModel): + class Properties(BaseModel): + class Timestamp(BaseModel): + timestamp: int + + hs_lastmodifieddate: Timestamp + + companyId: int + properties: Properties + + results: list[Item] + hasMore: bool + offset: int + total: int + + +class OldRecentContacts(BaseModel): + + class Item(BaseModel): + class Properties(BaseModel): + class Timestamp(BaseModel): + value: str + + lastmodifieddate: Timestamp + + vid: int + properties: Properties + + contacts: list[Item] + has_more: bool = Field(alias="has-more") + time_offset: int = Field(alias="time-offset") + vid_offset: int = Field(alias="vid-offset") + + +class OldRecentDeals(BaseModel): + + class Item(BaseModel): + class Properties(BaseModel): + class Timestamp(BaseModel): + timestamp: int + + hs_lastmodifieddate: Timestamp + + dealId: int + properties: Properties + + results: list[Item] + hasMore: bool + offset: int + total: int + + +class OldRecentEngagements(BaseModel): + + class Item(BaseModel): + class Engagement(BaseModel): + id: int + lastUpdated: int + + engagement: Engagement + + results: list[Item] + hasMore: bool + offset: int + total: int + + +class OldRecentTicket(BaseModel): + timestamp: int + objectId: int diff --git a/source-hubspot-native/source_hubspot_native/resources.py b/source-hubspot-native/source_hubspot_native/resources.py new file mode 100644 index 0000000000..3e5cfd51b3 --- /dev/null +++ b/source-hubspot-native/source_hubspot_native/resources.py @@ -0,0 +1,128 @@ +from datetime import datetime, UTC, timedelta +from typing import AsyncGenerator +from logging import Logger +import functools + +from estuary_cdk.flow import CaptureBinding +from estuary_cdk.capture import Task, common +from estuary_cdk.http import HTTPSession, HTTPMixin, TokenSource + +from .models import ( + BaseCRMObject, + CRMObject, + Company, + Contact, + Deal, + EndpointConfig, + Engagement, + Names, + OAUTH2_SPEC, + Property, + ResourceConfig, + ResourceState, + Ticket, +) +from .api import ( + FetchRecentFn, + fetch_page, + fetch_properties, + fetch_changes, + fetch_recent_companies, + fetch_recent_contacts, + fetch_recent_deals, + fetch_recent_engagements, + fetch_recent_tickets, +) + + + +async def all_resources( + http: HTTPMixin, config: EndpointConfig, logger: Logger +) -> list[common.Resource]: + http.token_source = TokenSource(spec=OAUTH2_SPEC, credentials=config.credentials) + return [ + crm_object(Company, http, fetch_recent_companies), + crm_object(Contact, http, fetch_recent_contacts), + crm_object(Deal, http, fetch_recent_deals), + crm_object(Engagement, http, fetch_recent_engagements), + crm_object(Ticket, http, fetch_recent_tickets), + properties(http), + ] + + +def crm_object( + cls: type[CRMObject], http: HTTPSession, fetch_recent: FetchRecentFn +) -> common.Resource: + + def open( + binding: CaptureBinding[ResourceConfig], + binding_index: int, + state: ResourceState, + task: Task, + ): + common.open_binding( + binding, + binding_index, + state, + task, + fetch_changes=functools.partial(fetch_changes, cls, fetch_recent, http), + fetch_page=functools.partial(fetch_page, cls, http), + ) + + started_at = datetime.now(tz=UTC) + + return common.Resource( + name=cls.NAME, + key=["/id"], + model=cls, + open=open, + initial_state=ResourceState( + inc=ResourceState.Incremental(cursor=started_at), + backfill=ResourceState.Backfill(next_page=None, cutoff=started_at), + ), + initial_config=ResourceConfig(name=cls.NAME), + schema_inference=True, + ) + + +def properties(http: HTTPSession) -> common.Resource: + + async def snapshot(logger: Logger) -> AsyncGenerator[Property, None]: + classes: list[type[BaseCRMObject]] = [ + Company, + Contact, + Engagement, + Deal, + Ticket, + ] + for cls in classes: + properties = await fetch_properties(cls, http) + for prop in properties.results: + yield prop + + def open( + binding: CaptureBinding[ResourceConfig], + binding_index: int, + state: ResourceState, + task: Task, + ): + common.open_binding( + binding, + binding_index, + state, + task, + fetch_snapshot=snapshot, + tombstone=Property(_meta=Property.Meta(op="d")), + ) + + return common.Resource( + name=Names.properties, + key=["/_meta/row_id"], + model=Property, + open=open, + initial_state=ResourceState(), + initial_config=ResourceConfig( + name=Names.properties, interval=timedelta(days=1) + ), + schema_inference=True, + ) diff --git a/source-hubspot-native/test.flow.yaml b/source-hubspot-native/test.flow.yaml new file mode 100644 index 0000000000..f2ef27f9e2 --- /dev/null +++ b/source-hubspot-native/test.flow.yaml @@ -0,0 +1,41 @@ +--- +import: + - acmeCo/flow.yaml +captures: + acmeCo/source-hubspot: + endpoint: + local: + command: + - python + # - "-m" + # - "debugpy" + # - "--listen" + # - "0.0.0.0:5678" + # - "--wait-for-client" + - "-m" + - source_hubspot_native + config: config.yaml + bindings: + - resource: + name: companies + target: acmeCo/companies + - resource: + name: contacts + target: acmeCo/contacts + - resource: + name: deals + target: acmeCo/deals + - resource: + name: engagements + target: acmeCo/engagements + - resource: + name: tickets + target: acmeCo/tickets + - resource: + name: properties + interval: P1D + target: acmeCo/properties + disable: true + interval: 3m + shards: + logLevel: debug diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json new file mode 100644 index 0000000000..138050ade0 --- /dev/null +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json @@ -0,0 +1,5563 @@ +[ + [ + "acmeCo/companies", + { + "archived": false, + "createdAt": "2024-02-08T02:37:20.547000Z", + "id": 19015508755, + "properties": { + "address": "25 First Street", + "address2": "2nd Floor", + "annualrevenue": "10000000000", + "city": "Cambridge", + "country": "United States", + "createdate": "2024-02-08T02:37:20.547Z", + "description": "HubSpot is a leading CRM platform that provides software and support to help businesses grow better. Our platform includes marketing, sales, service, and website management products that start free and scale to meet our customers\u2019 needs at any stage of...", + "domain": "hubspot.com", + "facebook_company_page": "https://facebook.com/hubspot", + "founded_year": "2006", + "hs_all_owner_ids": "722900407", + "hs_created_by_user_id": "63843671", + "hs_date_entered_lead": "2024-02-08T02:37:20.547Z", + "hs_lastmodifieddate": "2024-02-08T02:37:23.482Z", + "hs_num_blockers": "0", + "hs_num_child_companies": "0", + "hs_num_contacts_with_buying_roles": "0", + "hs_num_decision_makers": "0", + "hs_num_open_deals": "0", + "hs_object_id": "19015508755", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_pipeline": "companies-lifecycle-pipeline", + "hs_target_account_probability": "0.4076234698295593", + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hubspot_owner_assigneddate": "2024-02-08T02:37:20.547Z", + "hubspot_owner_id": "722900407", + "industry": "COMPUTER_SOFTWARE", + "is_public": "true", + "lifecyclestage": "lead", + "linkedin_company_page": "https://www.linkedin.com/company/hubspot", + "linkedinbio": "HubSpot is a leading CRM platform that provides software and support to help businesses grow better. Our platform includes marketing, sales, service, and website management products that start free and scale to meet our customers\u2019 needs at any stage of...", + "name": "HubSpot, Inc.", + "num_associated_contacts": "0", + "numberofemployees": "10000", + "phone": "+1 888-482-7768", + "state": "MA", + "timezone": "America/New_York", + "twitterhandle": "HubSpot", + "web_technologies": "unbounce;app_nexus;piwik;salesforce;stripe;cloud_flare;dstillery;twitter_button;hubspot;youtube;vidyard;facebook_connect", + "website": "hubspot.com", + "zip": "02141" + }, + "propertiesWithHistory": { + "address": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "25 First Street" + } + ], + "address2": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "2nd Floor" + } + ], + "annualrevenue": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "10000000000" + } + ], + "city": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "Cambridge" + } + ], + "country": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "United States" + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:37:20.547Z" + } + ], + "description": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "HubSpot is a leading CRM platform that provides software and support to help businesses grow better. Our platform includes marketing, sales, service, and website management products that start free and scale to meet our customers\u2019 needs at any stage of..." + } + ], + "domain": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "hubspot.com" + } + ], + "facebook_company_page": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "https://facebook.com/hubspot" + } + ], + "founded_year": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "2006" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:20.547000Z", + "value": "2024-02-08T02:37:20.547Z" + } + ], + "hs_lastmodifieddate": [ + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:23.482000Z", + "value": "2024-02-08T02:37:23.482Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.947000Z", + "value": "2024-02-08T02:37:21.947Z" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:21.338000Z", + "value": "2024-02-08T02:37:21.338Z" + }, + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.735000Z", + "value": "2024-02-08T02:37:20.735Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "value": "2024-02-08T02:37:20.547Z" + } + ], + "hs_num_blockers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.936000Z", + "value": "0" + } + ], + "hs_num_child_companies": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.937000Z", + "value": "0" + } + ], + "hs_num_contacts_with_buying_roles": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.936000Z", + "value": "0" + } + ], + "hs_num_decision_makers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.936000Z", + "value": "0" + } + ], + "hs_num_open_deals": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.937000Z", + "value": "0" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "19015508755" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "companies-lifecycle-pipeline" + } + ], + "hs_target_account_probability": [ + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:23.482000Z", + "value": "0.4076234698295593" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:21.338000Z", + "value": "0.49565839767456055" + } + ], + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:37:20.547Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "industry": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "COMPUTER_SOFTWARE" + } + ], + "is_public": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "true" + } + ], + "lifecyclestage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "lead" + } + ], + "linkedin_company_page": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "https://www.linkedin.com/company/hubspot" + } + ], + "linkedinbio": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "HubSpot is a leading CRM platform that provides software and support to help businesses grow better. Our platform includes marketing, sales, service, and website management products that start free and scale to meet our customers\u2019 needs at any stage of..." + } + ], + "name": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "HubSpot, Inc." + } + ], + "num_associated_contacts": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:21.936000Z", + "value": "0" + } + ], + "numberofemployees": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "10000" + } + ], + "phone": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "+1 888-482-7768" + } + ], + "state": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "MA" + } + ], + "timezone": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "America/New_York" + } + ], + "twitterhandle": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "HubSpot" + } + ], + "web_technologies": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:20.724000Z", + "value": "unbounce;app_nexus;piwik;salesforce;stripe;cloud_flare;dstillery;twitter_button;hubspot;youtube;vidyard;facebook_connect" + } + ], + "website": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "hubspot.com" + } + ], + "zip": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:20.547000Z", + "updatedByUserId": 63843671, + "value": "02141" + } + ] + }, + "updatedAt": "2024-02-08T02:37:23.482000Z" + } + ], + [ + "acmeCo/companies", + { + "archived": false, + "contacts": [ + 151, + 151 + ], + "createdAt": "2024-02-08T02:37:53.193000Z", + "id": 19015508766, + "properties": { + "address": "588 Broadway", + "address2": "502", + "annualrevenue": "1000000000", + "city": "New York", + "country": "United States", + "createdate": "2024-02-08T02:37:53.193Z", + "description": "LiveRamp Holdings, Inc., formerly known as Acxiom Corporation, is a San Francisco, California-based SaaS company that offers a data connectivity platform whose services include data onboarding, the transfer of offline data online for marketing purposes.", + "domain": "arbor.io", + "facebook_company_page": "https://facebook.com/liveramp", + "first_contact_createdate": "2024-02-08T16:09:32.359Z", + "founded_year": "1969", + "hs_all_owner_ids": "722900407", + "hs_analytics_first_timestamp": "2024-02-08T16:09:32.359Z", + "hs_analytics_latest_source": "OFFLINE", + "hs_analytics_latest_source_data_1": "CRM_UI", + "hs_analytics_latest_source_data_2": "userId:63843671", + "hs_analytics_latest_source_timestamp": "2024-02-08T16:09:32.494Z", + "hs_analytics_num_page_views": "0", + "hs_analytics_num_visits": "0", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "CRM_UI", + "hs_analytics_source_data_2": "userId:63843671", + "hs_created_by_user_id": "63843671", + "hs_date_entered_lead": "2024-02-08T02:37:53.193Z", + "hs_lastmodifieddate": "2024-02-22T14:19:02.860Z", + "hs_num_blockers": "0", + "hs_num_child_companies": "0", + "hs_num_contacts_with_buying_roles": "0", + "hs_num_decision_makers": "0", + "hs_num_open_deals": "0", + "hs_object_id": "19015508766", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_parent_company_id": "19021320226", + "hs_pipeline": "companies-lifecycle-pipeline", + "hs_target_account_probability": "0.38625118136405945", + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hubspot_owner_assigneddate": "2024-02-08T02:37:53.193Z", + "hubspot_owner_id": "722900407", + "industry": "COMPUTER_SOFTWARE", + "is_public": "false", + "lifecyclestage": "lead", + "linkedin_company_page": "https://www.linkedin.com/company/liveramp", + "linkedinbio": "LiveRamp Holdings, Inc., formerly known as Acxiom Corporation, is a San Francisco, California-based SaaS company that offers a data connectivity platform whose services include data onboarding, the transfer of offline data online for marketing purposes.", + "name": "Arbor", + "num_associated_contacts": "1", + "num_conversion_events": "0", + "numberofemployees": "4001", + "phone": "+1 415-243-0776", + "state": "NY", + "timezone": "America/New_York", + "total_money_raised": "9050000", + "twitterhandle": "LiveRamp", + "web_technologies": "aws_route_53;google_tag_manager", + "website": "arbor.io", + "zip": "10012" + }, + "propertiesWithHistory": { + "address": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "588 Broadway" + } + ], + "address2": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-22T14:19:02.860000Z", + "value": "502" + } + ], + "annualrevenue": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "1000000000" + } + ], + "city": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "New York" + } + ], + "country": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "United States" + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:37:53.193Z" + } + ], + "description": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "LiveRamp Holdings, Inc., formerly known as Acxiom Corporation, is a San Francisco, California-based SaaS company that offers a data connectivity platform whose services include data onboarding, the transfer of offline data online for marketing purposes." + } + ], + "domain": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "arbor.io" + } + ], + "facebook_company_page": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "https://facebook.com/liveramp" + } + ], + "first_contact_createdate": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.572000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "founded_year": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "1969" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_analytics_first_timestamp": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.572000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hs_analytics_latest_source": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.203000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_latest_source_data_1": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.203000Z", + "value": "CRM_UI" + } + ], + "hs_analytics_latest_source_data_2": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.203000Z", + "value": "userId:63843671" + } + ], + "hs_analytics_latest_source_timestamp": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.203000Z", + "value": "2024-02-08T16:09:32.494Z" + } + ], + "hs_analytics_num_page_views": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.572000Z", + "value": "0" + } + ], + "hs_analytics_num_visits": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.572000Z", + "value": "0" + } + ], + "hs_analytics_source": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.205000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.203000Z", + "value": "CRM_UI" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.204000Z", + "value": "userId:63843671" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:53.193000Z", + "value": "2024-02-08T02:37:53.193Z" + } + ], + "hs_lastmodifieddate": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-22T14:19:02.860000Z", + "value": "2024-02-22T14:19:02.860Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.592000Z", + "value": "2024-02-08T22:09:56.592Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T22:08:41.735000Z", + "value": "2024-02-08T22:08:41.735Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:54:50.460000Z", + "value": "2024-02-08T21:54:50.460Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:10:05.886000Z", + "value": "2024-02-08T17:10:05.886Z" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T16:10:37.339000Z", + "value": "2024-02-08T16:10:37.339Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.220000Z", + "value": "2024-02-08T16:10:33.220Z" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:57.329000Z", + "value": "2024-02-08T02:37:57.329Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.821000Z", + "value": "2024-02-08T02:37:54.821Z" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:54.020000Z", + "value": "2024-02-08T02:37:54.020Z" + }, + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.538000Z", + "value": "2024-02-08T02:37:53.538Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "value": "2024-02-08T02:37:53.193Z" + } + ], + "hs_num_blockers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.800000Z", + "value": "0" + } + ], + "hs_num_child_companies": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.802000Z", + "value": "0" + } + ], + "hs_num_contacts_with_buying_roles": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.778000Z", + "value": "0" + } + ], + "hs_num_decision_makers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.800000Z", + "value": "0" + } + ], + "hs_num_open_deals": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.800000Z", + "value": "0" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "19015508766" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_parent_company_id": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:10:05.844000Z", + "value": "19021320226" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "companies-lifecycle-pipeline" + } + ], + "hs_target_account_probability": [ + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T16:10:37.339000Z", + "value": "0.38625118136405945" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:57.329000Z", + "value": "0.4076234698295593" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:37:54.020000Z", + "value": "0.49565839767456055" + } + ], + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:37:53.193Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "industry": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "COMPUTER_SOFTWARE" + } + ], + "is_public": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-22T14:19:02.860000Z", + "value": "false" + }, + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "true" + } + ], + "lifecyclestage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "lead" + } + ], + "linkedin_company_page": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "https://www.linkedin.com/company/liveramp" + } + ], + "linkedinbio": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "LiveRamp Holdings, Inc., formerly known as Acxiom Corporation, is a San Francisco, California-based SaaS company that offers a data connectivity platform whose services include data onboarding, the transfer of offline data online for marketing purposes." + } + ], + "name": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "Arbor" + } + ], + "num_associated_contacts": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:33.204000Z", + "value": "1" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:54.801000Z", + "value": "0" + } + ], + "num_conversion_events": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.572000Z", + "value": "0" + } + ], + "numberofemployees": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T22:08:41.735000Z", + "updatedByUserId": 63843671, + "value": "4001" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:54:50.460000Z", + "updatedByUserId": 63843671, + "value": "4000" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "5000" + } + ], + "phone": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "+1 415-243-0776" + } + ], + "state": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "NY" + } + ], + "timezone": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "America/New_York" + } + ], + "total_money_raised": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-22T14:19:02.860000Z", + "value": "9050000" + } + ], + "twitterhandle": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "LiveRamp" + } + ], + "web_technologies": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-22T14:19:02.860000Z", + "value": "aws_route_53;google_tag_manager" + }, + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:37:53.530000Z", + "value": "aws_route_53;wistia;wordpress;unbounce;facebook_advertiser;salesforce;app_nexus;drift;nginx;sendgrid;mailgun;marketo;google_analytics;google_apps;bug_herd;qualtrics;google_maps;live_chat;hotjar;google_tag_manager;bing_advertiser" + } + ], + "website": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "arbor.io" + } + ], + "zip": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:37:53.193000Z", + "updatedByUserId": 63843671, + "value": "10012" + } + ] + }, + "updatedAt": "2024-02-22T14:19:02.860000Z" + } + ], + [ + "acmeCo/companies", + { + "archived": false, + "contacts": [ + 51, + 201, + 51, + 201 + ], + "createdAt": "2024-02-08T02:36:27.739000Z", + "id": 19015593502, + "properties": { + "address": "244 5th Avenue", + "address2": "1277", + "annualrevenue": "10000000", + "city": "New York", + "country": "United States", + "createdate": "2024-02-08T02:36:27.739Z", + "description": "Estuary is a real-time data operations platform that helps organizations gain real-time access to their data without having to manage infrastructure. They provide fully managed real-time data pipelines, streaming SQL, and turnkey connectivity to clouds...", + "domain": "estuary.dev", + "first_contact_createdate": "2024-02-08T02:34:10.795Z", + "founded_year": "2019", + "hs_all_owner_ids": "722900407", + "hs_analytics_first_timestamp": "2024-02-08T02:34:10.795Z", + "hs_analytics_latest_source": "OFFLINE", + "hs_analytics_latest_source_data_1": "CRM_UI", + "hs_analytics_latest_source_data_2": "userId:63843671", + "hs_analytics_latest_source_timestamp": "2024-02-08T16:11:29.338Z", + "hs_analytics_num_page_views": "0", + "hs_analytics_num_visits": "0", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "API", + "hs_analytics_source_data_2": "sample-contact", + "hs_created_by_user_id": "63843671", + "hs_date_entered_lead": "2024-02-08T02:36:27.739Z", + "hs_lastmodifieddate": "2024-02-27T06:53:41.988Z", + "hs_num_blockers": "0", + "hs_num_child_companies": "0", + "hs_num_contacts_with_buying_roles": "0", + "hs_num_decision_makers": "0", + "hs_num_open_deals": "0", + "hs_object_id": "19015593502", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_pipeline": "companies-lifecycle-pipeline", + "hs_target_account_probability": "0.5596858859062195", + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hubspot_owner_assigneddate": "2024-02-08T02:36:27.739Z", + "hubspot_owner_id": "722900407", + "industry": "COMPUTER_SOFTWARE", + "is_public": "false", + "lifecyclestage": "lead", + "linkedin_company_page": "https://www.linkedin.com/company/estuary-development", + "linkedinbio": "Estuary is a real-time data operations platform that helps organizations gain real-time access to their data without having to manage infrastructure. They provide fully managed real-time data pipelines, streaming SQL, and turnkey connectivity to clouds...", + "name": "Estuary", + "notes_last_updated": "2024-02-15T17:25:49.545Z", + "num_associated_contacts": "2", + "num_contacted_notes": "0", + "num_conversion_events": "0", + "num_notes": "1", + "numberofemployees": "15", + "state": "NY", + "timezone": "America/New_York", + "twitterhandle": "EstuaryDev", + "type": "PARTNER", + "web_technologies": "google_tag_manager;google_analytics;google_apps;hubspot", + "website": "estuary.dev", + "zip": "10001" + }, + "propertiesWithHistory": { + "address": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "244 5th Avenue" + } + ], + "address2": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "1277" + } + ], + "annualrevenue": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "10000000" + } + ], + "city": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "New York" + } + ], + "country": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:36:27.924000Z", + "value": "United States" + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:36:27.739Z" + } + ], + "description": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "Estuary is a real-time data operations platform that helps organizations gain real-time access to their data without having to manage infrastructure. They provide fully managed real-time data pipelines, streaming SQL, and turnkey connectivity to clouds..." + } + ], + "domain": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "estuary.dev" + } + ], + "first_contact_createdate": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:54.869000Z", + "value": "2024-02-08T02:34:10.795Z" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.440000Z", + "value": "2024-02-08T16:11:29.216Z" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "founded_year": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:36:27.924000Z", + "value": "2019" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_analytics_first_timestamp": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:54.869000Z", + "value": "2024-02-08T02:34:10.795Z" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.440000Z", + "value": "2024-02-08T16:11:29.216Z" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hs_analytics_latest_source": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.017000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_latest_source_data_1": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "CRM_UI" + } + ], + "hs_analytics_latest_source_data_2": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "userId:63843671" + } + ], + "hs_analytics_latest_source_timestamp": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:58.715000Z", + "value": "2024-02-08T16:11:29.338Z" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.008000Z", + "value": "2024-02-08T16:09:32.494Z" + } + ], + "hs_analytics_num_page_views": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "0" + } + ], + "hs_analytics_num_visits": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "0" + } + ], + "hs_analytics_source": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.008000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:51.696000Z", + "value": "API" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.011000Z", + "value": "CRM_UI" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:51.690000Z", + "value": "sample-contact" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.010000Z", + "value": "userId:63843671" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:27.739000Z", + "value": "2024-02-08T02:36:27.739Z" + } + ], + "hs_lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-27T06:53:41.988000Z", + "updatedByUserId": 63843671, + "value": "2024-02-27T06:53:41.988Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:26:37.587000Z", + "updatedByUserId": 63843671, + "value": "2024-02-22T23:26:37.587Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:23:08.594000Z", + "updatedByUserId": 63843671, + "value": "2024-02-22T23:23:08.594Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-19T23:39:42.776000Z", + "updatedByUserId": 63843671, + "value": "2024-02-19T23:39:42.776Z" + }, + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "2024-02-19T21:39:53.367Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-18T17:52:20.186000Z", + "updatedByUserId": 63843671, + "value": "2024-02-18T17:52:20.186Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-18T06:08:57.124000Z", + "updatedByUserId": 63843671, + "value": "2024-02-18T06:08:57.124Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-18T03:29:14.434000Z", + "updatedByUserId": 63843671, + "value": "2024-02-18T03:29:14.434Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T21:17:08.372000Z", + "updatedByUserId": 63843671, + "value": "2024-02-17T21:17:08.372Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T20:53:35.872000Z", + "updatedByUserId": 63843671, + "value": "2024-02-17T20:53:35.872Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T20:47:43.798000Z", + "updatedByUserId": 63843671, + "value": "2024-02-17T20:47:43.798Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T20:29:18.374000Z", + "updatedByUserId": 63843671, + "value": "2024-02-17T20:29:18.374Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:02:54.959000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T23:02:54.959Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-16T22:56:59.886000Z", + "value": "2024-02-16T22:56:59.886Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T22:53:03.486000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T22:53:03.486Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T22:49:04.665000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T22:49:04.665Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T21:58:32.815000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T21:58:32.815Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T17:37:34.730000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T17:37:34.730Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-15T18:06:45.989000Z", + "value": "2024-02-15T18:06:45.989Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-15T18:06:15.612000Z", + "value": "2024-02-15T18:06:15.612Z" + } + ], + "hs_num_blockers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:29.174000Z", + "value": "0" + } + ], + "hs_num_child_companies": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:29.173000Z", + "value": "0" + } + ], + "hs_num_contacts_with_buying_roles": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:29.172000Z", + "value": "0" + } + ], + "hs_num_decision_makers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:29.172000Z", + "value": "0" + } + ], + "hs_num_open_deals": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:29.174000Z", + "value": "0" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "19015593502" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "companies-lifecycle-pipeline" + } + ], + "hs_target_account_probability": [ + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T22:10:53.915000Z", + "value": "0.5596858859062195" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T22:09:58.632000Z", + "value": "0.38625118136405945" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T16:11:43.820000Z", + "value": "0.5596858859062195" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T16:10:22.578000Z", + "value": "0.38625118136405945" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:36:31.248000Z", + "value": "0.4076234698295593" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:36:28.052000Z", + "value": "0.49565839767456055" + } + ], + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:36:27.739Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "industry": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "COMPUTER_SOFTWARE" + } + ], + "is_public": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:36:27.924000Z", + "value": "false" + } + ], + "lifecyclestage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "lead" + } + ], + "linkedin_company_page": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "https://www.linkedin.com/company/estuary-development" + } + ], + "linkedinbio": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "Estuary is a real-time data operations platform that helps organizations gain real-time access to their data without having to manage infrastructure. They provide fully managed real-time data pipelines, streaming SQL, and turnkey connectivity to clouds..." + } + ], + "name": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "Estuary" + } + ], + "notes_last_updated": [ + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-16T22:56:59.825000Z", + "value": "2024-02-15T17:25:49.545Z" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T18:06:43.556000Z", + "value": "2024-02-15T17:44:16.024Z" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T18:06:15.315000Z", + "value": "2024-02-15T18:06:08.845Z" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T18:06:02.541000Z", + "value": "2024-02-15T17:44:16.024Z" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:54:19.784000Z", + "value": "2024-02-15T17:54:14.726Z" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:44:21.881000Z", + "value": "2024-02-15T17:44:16.024Z" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:25:56.485000Z", + "value": "2024-02-15T17:25:49.545Z" + } + ], + "num_associated_contacts": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:51.689000Z", + "value": "2" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.439000Z", + "value": "1" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:42.224000Z", + "value": "2" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.008000Z", + "value": "1" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:29.172000Z", + "value": "0" + } + ], + "num_contacted_notes": [ + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:25:56.485000Z", + "value": "0" + } + ], + "num_conversion_events": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.010000Z", + "value": "0" + } + ], + "num_notes": [ + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-16T22:56:59.825000Z", + "value": "1" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T18:06:43.556000Z", + "value": "2" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T18:06:15.315000Z", + "value": "3" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T18:06:02.541000Z", + "value": "2" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:54:19.784000Z", + "value": "3" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:44:21.881000Z", + "value": "2" + }, + { + "sourceId": "rollup", + "sourceType": "ENGAGEMENTS", + "timestamp": "2024-02-15T17:25:56.485000Z", + "value": "1" + } + ], + "numberofemployees": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-27T06:53:41.988000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:26:37.587000Z", + "updatedByUserId": 63843671, + "value": "16" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:23:08.594000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-19T23:39:42.776000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-18T17:52:20.186000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-18T06:08:57.124000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-18T03:29:14.434000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T21:17:08.372000Z", + "updatedByUserId": 63843671, + "value": "16" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T20:53:35.872000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T20:47:43.798000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-17T20:29:18.374000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:02:54.959000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T22:53:03.486000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T22:49:04.665000Z", + "updatedByUserId": 63843671, + "value": "13" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T21:58:32.815000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T17:37:34.730000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:24:50.065000Z", + "updatedByUserId": 63843671, + "value": "14" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:21:40.212000Z", + "updatedByUserId": 63843671, + "value": "15" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T16:22:08.223000Z", + "updatedByUserId": 63843671, + "value": "16" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T16:21:49.250000Z", + "updatedByUserId": 63843671, + "value": "15" + } + ], + "state": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "NY" + } + ], + "timezone": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "America/New_York" + } + ], + "twitterhandle": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "EstuaryDev" + } + ], + "type": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-14T17:27:50.900000Z", + "updatedByUserId": 63843671, + "value": "PARTNER" + } + ], + "web_technologies": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "google_tag_manager;google_analytics;google_apps;hubspot" + }, + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-08T02:36:27.924000Z", + "value": "apache;hotjar;wordpress;google_tag_manager;google_analytics;piwik;google_apps;hubspot" + } + ], + "website": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:36:27.739000Z", + "updatedByUserId": 63843671, + "value": "estuary.dev" + } + ], + "zip": [ + { + "sourceType": "COMPANY_INSIGHTS", + "timestamp": "2024-02-19T21:39:53.367000Z", + "value": "10001" + } + ] + }, + "updatedAt": "2024-02-27T06:53:41.988000Z" + } + ], + [ + "acmeCo/companies", + { + "archived": false, + "createdAt": "2024-02-08T17:09:41.623000Z", + "id": 19021320226, + "properties": { + "city": "New York", + "createdate": "2024-02-08T17:09:41.623Z", + "hs_all_owner_ids": "722900407", + "hs_created_by_user_id": "63843671", + "hs_date_entered_lead": "2024-02-08T17:09:41.623Z", + "hs_lastmodifieddate": "2024-02-08T21:52:54.064Z", + "hs_num_blockers": "0", + "hs_num_child_companies": "1", + "hs_num_contacts_with_buying_roles": "0", + "hs_num_decision_makers": "0", + "hs_num_open_deals": "0", + "hs_object_id": "19021320226", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_pipeline": "companies-lifecycle-pipeline", + "hs_target_account_probability": "0.4076234698295593", + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hubspot_owner_assigneddate": "2024-02-08T17:09:41.623Z", + "hubspot_owner_id": "722900407", + "lifecyclestage": "lead", + "name": "LiveRamp", + "num_associated_contacts": "0", + "state": "NY", + "type": "PROSPECT" + }, + "propertiesWithHistory": { + "city": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:52:54.064000Z", + "updatedByUserId": 63843671, + "value": "New York" + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T17:09:41.623Z" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:41.623000Z", + "value": "2024-02-08T17:09:41.623Z" + } + ], + "hs_lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:52:54.064000Z", + "value": "2024-02-08T21:52:54.064Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T20:47:47.235000Z", + "value": "2024-02-08T20:47:47.235Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:10:04.990000Z", + "value": "2024-02-08T17:10:04.990Z" + }, + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T17:09:46.673000Z", + "value": "2024-02-08T17:09:46.673Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.918000Z", + "value": "2024-02-08T17:09:44.918Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "value": "2024-02-08T17:09:41.623Z" + } + ], + "hs_num_blockers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.908000Z", + "value": "0" + } + ], + "hs_num_child_companies": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:10:04.974000Z", + "value": "1" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.908000Z", + "value": "0" + } + ], + "hs_num_contacts_with_buying_roles": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.934000Z", + "value": "0" + } + ], + "hs_num_decision_makers": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.908000Z", + "value": "0" + } + ], + "hs_num_open_deals": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.908000Z", + "value": "0" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "19021320226" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "companies-lifecycle-pipeline" + } + ], + "hs_target_account_probability": [ + { + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T17:09:46.673000Z", + "value": "0.4076234698295593" + } + ], + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T17:09:41.623Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "lifecyclestage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "lead" + } + ], + "name": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T17:09:41.623000Z", + "updatedByUserId": 63843671, + "value": "LiveRamp" + } + ], + "num_associated_contacts": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T17:09:44.908000Z", + "value": "0" + } + ], + "state": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:52:54.064000Z", + "updatedByUserId": 63843671, + "value": "NY" + } + ], + "type": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T20:47:47.235000Z", + "updatedByUserId": 63843671, + "value": "PROSPECT" + } + ] + }, + "updatedAt": "2024-02-08T21:52:54.064000Z" + } + ], + [ + "acmeCo/contacts", + { + "archived": false, + "createdAt": "2024-02-08T02:34:10.399000Z", + "id": 1, + "properties": { + "city": "Brisbane", + "company": "HubSpot", + "createdate": "2024-02-08T02:34:10.399Z", + "email": "emailmaria@hubspot.com", + "first_deal_created_date": "2024-02-08T02:34:37.277Z", + "firstname": "Maria", + "hs_analytics_average_page_views": "0", + "hs_analytics_first_timestamp": "2024-02-08T02:34:10.388Z", + "hs_analytics_num_event_completions": "0", + "hs_analytics_num_page_views": "0", + "hs_analytics_num_visits": "0", + "hs_analytics_revenue": "0.0", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "API", + "hs_analytics_source_data_2": "sample-contact", + "hs_date_entered_lead": "2024-02-08T02:34:10.388Z", + "hs_date_entered_opportunity": "2024-02-08T02:34:38.253Z", + "hs_date_exited_lead": "2024-02-08T02:34:38.253Z", + "hs_is_unworked": "true", + "hs_latest_source": "OFFLINE", + "hs_latest_source_data_1": "API", + "hs_latest_source_data_2": "sample-contact", + "hs_latest_source_timestamp": "2024-02-08T02:34:10.499Z", + "hs_lifecyclestage_lead_date": "2024-02-08T02:34:10.388Z", + "hs_lifecyclestage_opportunity_date": "2024-02-08T02:34:38.253Z", + "hs_marketable_reason_id": "Sample Contact", + "hs_marketable_reason_type": "SAMPLE_CONTACT", + "hs_marketable_status": "true", + "hs_marketable_until_renewal": "true", + "hs_object_id": "1", + "hs_object_source": "API", + "hs_object_source_id": "sample-contact", + "hs_object_source_label": "INTERNAL_PROCESSING", + "hs_pipeline": "contacts-lifecycle-pipeline", + "hs_sequences_actively_enrolled_count": "0", + "hs_social_facebook_clicks": "0", + "hs_social_google_plus_clicks": "0", + "hs_social_linkedin_clicks": "0", + "hs_social_num_broadcast_clicks": "0", + "hs_social_twitter_clicks": "0", + "hs_time_between_contact_creation_and_deal_creation": "26878", + "hs_time_in_lead": "redacted", + "hs_time_in_opportunity": "redacted", + "hs_v2_cumulative_time_in_lead": "27865", + "hs_v2_date_entered_lead": "2024-02-08T02:34:10.388Z", + "hs_v2_date_entered_opportunity": "2024-02-08T02:34:38.253Z", + "hs_v2_date_exited_lead": "2024-02-08T02:34:38.253Z", + "hs_v2_latest_time_in_lead": "27865", + "jobtitle": "Salesperson", + "lastmodifieddate": "2024-02-08T02:34:44.268Z", + "lastname": "Johnson (Sample Contact)", + "lifecyclestage": "opportunity", + "num_associated_deals": "1", + "state": "QLD", + "website": "http://www.HubSpot.com" + }, + "propertiesWithHistory": { + "city": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Brisbane" + } + ], + "company": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "HubSpot" + } + ], + "createdate": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "2024-02-08T02:34:10.399Z" + } + ], + "email": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "emailmaria@hubspot.com" + } + ], + "first_deal_created_date": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:39.295000Z", + "value": "2024-02-08T02:34:37.277Z" + } + ], + "firstname": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Maria" + } + ], + "hs_analytics_average_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_analytics_first_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "2024-02-08T02:34:10.388Z" + } + ], + "hs_analytics_num_event_completions": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_analytics_num_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_analytics_num_visits": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_analytics_revenue": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0.0" + } + ], + "hs_analytics_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "API" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "sample-contact" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "2024-02-08T02:34:10.388Z" + } + ], + "hs_date_entered_opportunity": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.253000Z", + "value": "2024-02-08T02:34:38.253Z" + } + ], + "hs_date_exited_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.253000Z", + "value": "2024-02-08T02:34:38.253Z" + } + ], + "hs_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "true" + } + ], + "hs_latest_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "OFFLINE" + } + ], + "hs_latest_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "API" + } + ], + "hs_latest_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "sample-contact" + } + ], + "hs_latest_source_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "2024-02-08T02:34:10.499Z" + } + ], + "hs_lifecyclestage_lead_date": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "2024-02-08T02:34:10.388Z" + } + ], + "hs_lifecyclestage_opportunity_date": [ + { + "sourceId": "deals-lifecycle-sync", + "sourceType": "DEALS", + "timestamp": "2024-02-08T02:34:38.253000Z", + "value": "2024-02-08T02:34:38.253Z" + } + ], + "hs_marketable_reason_id": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.693000Z", + "value": "Sample Contact" + } + ], + "hs_marketable_reason_type": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.693000Z", + "value": "SAMPLE_CONTACT" + } + ], + "hs_marketable_status": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.693000Z", + "value": "true" + } + ], + "hs_marketable_until_renewal": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.693000Z", + "value": "true" + } + ], + "hs_object_id": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "1" + } + ], + "hs_object_source": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "API" + } + ], + "hs_object_source_id": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "sample-contact" + } + ], + "hs_object_source_label": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "INTERNAL_PROCESSING" + } + ], + "hs_pipeline": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "contacts-lifecycle-pipeline" + } + ], + "hs_sequences_actively_enrolled_count": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:11.820000Z", + "value": "0" + } + ], + "hs_social_facebook_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_social_google_plus_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_social_linkedin_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_social_num_broadcast_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_social_twitter_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "0" + } + ], + "hs_time_between_contact_creation_and_deal_creation": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:39.306000Z", + "value": "26878" + } + ], + "hs_time_in_lead": "redacted", + "hs_time_in_opportunity": "redacted", + "hs_v2_cumulative_time_in_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:44.257000Z", + "value": "27865" + } + ], + "hs_v2_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:13.359000Z", + "value": "2024-02-08T02:34:10.388Z" + } + ], + "hs_v2_date_entered_opportunity": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:44.304000Z", + "value": "2024-02-08T02:34:38.253Z" + } + ], + "hs_v2_date_exited_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:44.258000Z", + "value": "2024-02-08T02:34:38.253Z" + } + ], + "hs_v2_latest_time_in_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:44.257000Z", + "value": "27865" + } + ], + "jobtitle": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Salesperson" + } + ], + "lastmodifieddate": [ + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:44.268000Z", + "value": "2024-02-08T02:34:44.268Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:39.306000Z", + "value": "2024-02-08T02:34:39.306Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:38.253000Z", + "value": "2024-02-08T02:34:38.253Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:15.950000Z", + "value": "2024-02-08T02:34:15.950Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:13.375000Z", + "value": "2024-02-08T02:34:13.375Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:11.836000Z", + "value": "2024-02-08T02:34:11.836Z" + }, + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.693000Z", + "value": "2024-02-08T02:34:10.693Z" + }, + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.399000Z", + "value": "2024-02-08T02:34:10.399Z" + } + ], + "lastname": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Johnson (Sample Contact)" + } + ], + "lifecyclestage": [ + { + "sourceId": "deals-lifecycle-sync", + "sourceType": "DEALS", + "timestamp": "2024-02-08T02:34:38.253000Z", + "value": "opportunity" + }, + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "lead" + } + ], + "num_associated_deals": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:39.295000Z", + "value": "1" + } + ], + "state": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "QLD" + } + ], + "website": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "http://www.HubSpot.com" + } + ] + }, + "updatedAt": "2024-02-08T02:34:44.268000Z" + } + ], + [ + "acmeCo/contacts", + { + "archived": false, + "companies": [ + 19015593502, + 19015593502 + ], + "createdAt": "2024-02-08T02:34:10.795000Z", + "id": 51, + "properties": { + "associatedcompanyid": "19015593502", + "city": "Cambridge", + "company": "HubSpot", + "createdate": "2024-02-08T02:34:10.795Z", + "email": "bh@hubspot.com", + "firstname": "Brian", + "hs_all_owner_ids": "722900407", + "hs_analytics_average_page_views": "0", + "hs_analytics_first_timestamp": "2024-02-08T02:34:10.795Z", + "hs_analytics_num_event_completions": "0", + "hs_analytics_num_page_views": "0", + "hs_analytics_num_visits": "0", + "hs_analytics_revenue": "0.0", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "API", + "hs_analytics_source_data_2": "sample-contact", + "hs_count_is_unworked": "1", + "hs_count_is_worked": "0", + "hs_date_entered_lead": "2024-02-08T02:34:10.795Z", + "hs_is_unworked": "true", + "hs_latest_source": "OFFLINE", + "hs_latest_source_data_1": "API", + "hs_latest_source_data_2": "sample-contact", + "hs_latest_source_timestamp": "2024-02-08T02:34:10.891Z", + "hs_lifecyclestage_lead_date": "2024-02-08T02:34:10.795Z", + "hs_marketable_reason_id": "Sample Contact", + "hs_marketable_reason_type": "SAMPLE_CONTACT", + "hs_marketable_status": "true", + "hs_marketable_until_renewal": "true", + "hs_object_id": "51", + "hs_object_source": "API", + "hs_object_source_id": "sample-contact", + "hs_object_source_label": "INTERNAL_PROCESSING", + "hs_pipeline": "contacts-lifecycle-pipeline", + "hs_sequences_actively_enrolled_count": "0", + "hs_social_facebook_clicks": "0", + "hs_social_google_plus_clicks": "0", + "hs_social_linkedin_clicks": "0", + "hs_social_num_broadcast_clicks": "0", + "hs_social_twitter_clicks": "0", + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hs_v2_date_entered_lead": "2024-02-08T02:34:10.795Z", + "hubspot_owner_assigneddate": "2024-02-15T18:48:26.440Z", + "hubspot_owner_id": "722900407", + "jobtitle": "CEO", + "lastmodifieddate": "2024-02-15T18:48:26.440Z", + "lastname": "Halligan (Sample Contact)", + "lifecyclestage": "lead", + "state": "MA", + "twitterhandle": "bhalligan", + "twitterprofilephoto": "https://pbs.twimg.com/profile_images/3491742741/212e42c07d3348251da10872e85aa6b0.jpeg", + "website": "http://www.HubSpot.com" + }, + "propertiesWithHistory": { + "associatedcompanyid": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:54.210000Z", + "value": "19015593502" + } + ], + "city": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Cambridge" + } + ], + "company": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "HubSpot" + } + ], + "createdate": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "2024-02-08T02:34:10.795Z" + } + ], + "email": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "bh@hubspot.com" + } + ], + "firstname": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Brian" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_analytics_average_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_analytics_first_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "2024-02-08T02:34:10.795Z" + } + ], + "hs_analytics_num_event_completions": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_analytics_num_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_analytics_num_visits": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_analytics_revenue": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0.0" + } + ], + "hs_analytics_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "API" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "sample-contact" + } + ], + "hs_count_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "1" + } + ], + "hs_count_is_worked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "2024-02-08T02:34:10.795Z" + } + ], + "hs_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "true" + } + ], + "hs_latest_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "OFFLINE" + } + ], + "hs_latest_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "API" + } + ], + "hs_latest_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "sample-contact" + } + ], + "hs_latest_source_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "2024-02-08T02:34:10.891Z" + } + ], + "hs_lifecyclestage_lead_date": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "2024-02-08T02:34:10.795Z" + } + ], + "hs_marketable_reason_id": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:11.065000Z", + "value": "Sample Contact" + } + ], + "hs_marketable_reason_type": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:11.065000Z", + "value": "SAMPLE_CONTACT" + } + ], + "hs_marketable_status": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:11.065000Z", + "value": "true" + } + ], + "hs_marketable_until_renewal": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:11.065000Z", + "value": "true" + } + ], + "hs_object_id": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "51" + } + ], + "hs_object_source": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "API" + } + ], + "hs_object_source_id": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "sample-contact" + } + ], + "hs_object_source_label": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "INTERNAL_PROCESSING" + } + ], + "hs_pipeline": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "contacts-lifecycle-pipeline" + } + ], + "hs_sequences_actively_enrolled_count": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:12.843000Z", + "value": "0" + } + ], + "hs_social_facebook_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_social_google_plus_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_social_linkedin_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_social_num_broadcast_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_social_twitter_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "0" + } + ], + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_v2_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:14.672000Z", + "value": "2024-02-08T02:34:10.795Z" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:48:26.440Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "jobtitle": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "CEO" + } + ], + "lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:26.440000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:48:26.440Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:10:54.232000Z", + "value": "2024-02-08T22:10:54.232Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:19.025000Z", + "value": "2024-02-08T02:34:19.025Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:14.683000Z", + "value": "2024-02-08T02:34:14.683Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:12.856000Z", + "value": "2024-02-08T02:34:12.856Z" + }, + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:11.065000Z", + "value": "2024-02-08T02:34:11.065Z" + }, + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "2024-02-08T02:34:10.795Z" + } + ], + "lastname": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "Halligan (Sample Contact)" + } + ], + "lifecyclestage": [ + { + "sourceId": "sample-contact", + "sourceType": "API", + "timestamp": "2024-02-08T02:34:10.795000Z", + "value": "lead" + } + ], + "state": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "MA" + } + ], + "twitterhandle": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "bhalligan" + } + ], + "twitterprofilephoto": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "https://pbs.twimg.com/profile_images/3491742741/212e42c07d3348251da10872e85aa6b0.jpeg" + } + ], + "website": [ + { + "sourceId": "sample-contact", + "sourceType": "INTERNAL_PROCESSING", + "timestamp": "2024-02-08T02:34:10.388000Z", + "value": "http://www.HubSpot.com" + } + ] + }, + "updatedAt": "2024-02-15T18:48:26.440000Z" + } + ], + [ + "acmeCo/contacts", + { + "archived": false, + "companies": [ + 19015508766, + 19015508766 + ], + "createdAt": "2024-02-08T16:09:32.359000Z", + "id": 151, + "properties": { + "associatedcompanyid": "19015508766", + "createdate": "2024-02-08T16:09:32.359Z", + "email": "dave@estuary.dev", + "firstname": "Dave", + "hs_all_owner_ids": "722900407", + "hs_analytics_average_page_views": "0", + "hs_analytics_first_timestamp": "2024-02-08T16:09:32.359Z", + "hs_analytics_num_event_completions": "0", + "hs_analytics_num_page_views": "0", + "hs_analytics_num_visits": "0", + "hs_analytics_revenue": "0.0", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "CRM_UI", + "hs_analytics_source_data_2": "userId:63843671", + "hs_count_is_unworked": "1", + "hs_count_is_worked": "0", + "hs_created_by_user_id": "63843671", + "hs_date_entered_lead": "2024-02-08T16:09:32.359Z", + "hs_is_unworked": "true", + "hs_latest_source": "OFFLINE", + "hs_latest_source_data_1": "CRM_UI", + "hs_latest_source_data_2": "userId:63843671", + "hs_latest_source_timestamp": "2024-02-08T16:09:32.494Z", + "hs_lifecyclestage_lead_date": "2024-02-08T16:09:32.359Z", + "hs_object_id": "151", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_pipeline": "contacts-lifecycle-pipeline", + "hs_sequences_actively_enrolled_count": "0", + "hs_social_facebook_clicks": "0", + "hs_social_google_plus_clicks": "0", + "hs_social_linkedin_clicks": "0", + "hs_social_num_broadcast_clicks": "0", + "hs_social_twitter_clicks": "0", + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hs_v2_date_entered_lead": "2024-02-08T16:09:32.359Z", + "hubspot_owner_assigneddate": "2024-02-08T16:09:32.359Z", + "hubspot_owner_id": "722900407", + "jobtitle": "CEO", + "lastmodifieddate": "2024-02-08T22:09:56.522Z", + "lastname": "Yaffe", + "lifecyclestage": "lead", + "phone": "+13125555555" + }, + "propertiesWithHistory": { + "associatedcompanyid": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.439000Z", + "value": "19015508766" + }, + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.142000Z", + "value": "19015593502" + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T16:09:32.359Z" + } + ], + "email": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "dave@estuary.dev" + } + ], + "firstname": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "Dave" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_analytics_average_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_analytics_first_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hs_analytics_num_event_completions": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_analytics_num_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_analytics_num_visits": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_analytics_revenue": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0.0" + } + ], + "hs_analytics_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "CRM_UI" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "userId:63843671" + } + ], + "hs_count_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "1" + } + ], + "hs_count_is_worked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:09:32.359000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hs_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "true" + } + ], + "hs_latest_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "OFFLINE" + } + ], + "hs_latest_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "CRM_UI" + } + ], + "hs_latest_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "userId:63843671" + } + ], + "hs_latest_source_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "2024-02-08T16:09:32.494Z" + } + ], + "hs_lifecyclestage_lead_date": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "151" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "contacts-lifecycle-pipeline" + } + ], + "hs_sequences_actively_enrolled_count": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:09:36.537000Z", + "value": "0" + } + ], + "hs_social_facebook_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_social_google_plus_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_social_linkedin_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_social_num_broadcast_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_social_twitter_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "0" + } + ], + "hs_time_in_lead": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_v2_date_entered_lead": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:12:15.492000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T16:09:32.359Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "jobtitle": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "CEO" + } + ], + "lastmodifieddate": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T22:09:56.522000Z", + "value": "2024-02-08T22:09:56.522Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:54:17.426000Z", + "value": "2024-02-08T21:54:17.426Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T16:12:15.532000Z", + "value": "2024-02-08T16:12:15.532Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:10:20.177000Z", + "value": "2024-02-08T16:10:20.177Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T16:09:52.612000Z", + "value": "2024-02-08T16:09:52.612Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:09:36.626000Z", + "value": "2024-02-08T16:09:36.626Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "value": "2024-02-08T16:09:32.359Z" + } + ], + "lastname": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "Yaffe" + } + ], + "lifecyclestage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:09:32.359000Z", + "updatedByUserId": 63843671, + "value": "lead" + } + ], + "phone": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T21:54:17.404000Z", + "updatedByUserId": 63843671, + "value": "+13125555555" + } + ] + }, + "updatedAt": "2024-02-08T22:09:56.522000Z" + } + ], + [ + "acmeCo/contacts", + { + "archived": false, + "companies": [ + 19015593502, + 19015593502 + ], + "createdAt": "2024-02-08T16:11:29.216000Z", + "id": 201, + "properties": { + "associatedcompanyid": "19015593502", + "createdate": "2024-02-08T16:11:29.216Z", + "email": "phil@estuary.dev", + "firstname": "Phil", + "hs_all_owner_ids": "722900407", + "hs_analytics_average_page_views": "0", + "hs_analytics_first_timestamp": "2024-02-08T16:11:29.216Z", + "hs_analytics_num_event_completions": "0", + "hs_analytics_num_page_views": "0", + "hs_analytics_num_visits": "0", + "hs_analytics_revenue": "0.0", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "CRM_UI", + "hs_analytics_source_data_2": "userId:63843671", + "hs_count_is_unworked": "1", + "hs_count_is_worked": "0", + "hs_created_by_user_id": "63843671", + "hs_date_entered_opportunity": "2024-02-08T16:11:29.216Z", + "hs_is_unworked": "true", + "hs_latest_source": "OFFLINE", + "hs_latest_source_data_1": "CRM_UI", + "hs_latest_source_data_2": "userId:63843671", + "hs_latest_source_timestamp": "2024-02-08T16:11:29.338Z", + "hs_lifecyclestage_opportunity_date": "2024-02-08T16:11:29.216Z", + "hs_object_id": "201", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_pipeline": "contacts-lifecycle-pipeline", + "hs_sequences_actively_enrolled_count": "0", + "hs_social_facebook_clicks": "0", + "hs_social_google_plus_clicks": "0", + "hs_social_linkedin_clicks": "0", + "hs_social_num_broadcast_clicks": "0", + "hs_social_twitter_clicks": "0", + "hs_time_in_opportunity": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hs_v2_date_entered_opportunity": "2024-02-08T16:11:29.216Z", + "hubspot_owner_assigneddate": "2024-02-08T16:11:29.216Z", + "hubspot_owner_id": "722900407", + "jobtitle": "SWE", + "lastmodifieddate": "2024-02-25T20:43:51.308Z", + "lifecyclestage": "opportunity", + "phone": "+13165565552" + }, + "propertiesWithHistory": { + "associatedcompanyid": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:40.271000Z", + "value": "19015593502" + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T16:11:29.216Z" + } + ], + "email": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "phil@estuary.dev" + } + ], + "firstname": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "Phil" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_analytics_average_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_analytics_first_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "2024-02-08T16:11:29.216Z" + } + ], + "hs_analytics_num_event_completions": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_analytics_num_page_views": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_analytics_num_visits": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_analytics_revenue": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0.0" + } + ], + "hs_analytics_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "CRM_UI" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "userId:63843671" + } + ], + "hs_count_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "1" + } + ], + "hs_count_is_worked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_opportunity": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:29.216000Z", + "value": "2024-02-08T16:11:29.216Z" + } + ], + "hs_is_unworked": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "true" + } + ], + "hs_latest_source": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "OFFLINE" + } + ], + "hs_latest_source_data_1": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "CRM_UI" + } + ], + "hs_latest_source_data_2": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "userId:63843671" + } + ], + "hs_latest_source_timestamp": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "2024-02-08T16:11:29.338Z" + } + ], + "hs_lifecyclestage_opportunity_date": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T16:11:29.216Z" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "201" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "contacts-lifecycle-pipeline" + } + ], + "hs_sequences_actively_enrolled_count": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:35.294000Z", + "value": "0" + } + ], + "hs_social_facebook_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_social_google_plus_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_social_linkedin_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_social_num_broadcast_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_social_twitter_clicks": [ + { + "sourceId": "WebAnalyticsPropertyCalculation", + "sourceType": "ANALYTICS", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "0" + } + ], + "hs_time_in_opportunity": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_v2_date_entered_opportunity": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:13:37.729000Z", + "value": "2024-02-08T16:11:29.216Z" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T16:11:29.216Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "jobtitle": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "SWE" + } + ], + "lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-25T20:43:51.308000Z", + "updatedByUserId": 63843671, + "value": "2024-02-25T20:43:51.308Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T21:18:43.915000Z", + "updatedByUserId": 63843671, + "value": "2024-02-23T21:18:43.915Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T21:18:23.203000Z", + "updatedByUserId": 63843671, + "value": "2024-02-23T21:18:23.203Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T20:03:39.843000Z", + "updatedByUserId": 63843671, + "value": "2024-02-23T20:03:39.843Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T07:49:42.666000Z", + "updatedByUserId": 63843671, + "value": "2024-02-23T07:49:42.666Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T00:57:11.352000Z", + "updatedByUserId": 63843671, + "value": "2024-02-23T00:57:11.352Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:45:35.227000Z", + "updatedByUserId": 63843671, + "value": "2024-02-22T23:45:35.227Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:28:08.073000Z", + "updatedByUserId": 63843671, + "value": "2024-02-22T23:28:08.073Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:44.711000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:48:44.711Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:24:22.905000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:24:22.905Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:22:27.142000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:22:27.142Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T16:13:37.738000Z", + "value": "2024-02-08T16:13:37.738Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T16:11:46.436000Z", + "value": "2024-02-08T16:11:46.436Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:40.303000Z", + "value": "2024-02-08T16:11:40.303Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T16:11:35.308000Z", + "value": "2024-02-08T16:11:35.308Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "value": "2024-02-08T16:11:29.216Z" + } + ], + "lifecyclestage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T16:11:29.216000Z", + "updatedByUserId": 63843671, + "value": "opportunity" + } + ], + "phone": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-25T20:43:51.308000Z", + "updatedByUserId": 63843671, + "value": "+13165565552" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T21:18:43.915000Z", + "updatedByUserId": 63843671, + "value": "+13165565551" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T21:18:23.203000Z", + "updatedByUserId": 63843671, + "value": "+13165555551" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T20:03:39.843000Z", + "updatedByUserId": 63843671, + "value": "+13165555552" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T07:49:42.666000Z", + "updatedByUserId": 63843671, + "value": "+13165555553" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-23T00:57:11.352000Z", + "updatedByUserId": 63843671, + "value": "+13165555552" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:45:35.227000Z", + "updatedByUserId": 63843671, + "value": "+13165555551" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-22T23:28:08.073000Z", + "updatedByUserId": 63843671, + "value": "+13165555550" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:48:44.711000Z", + "updatedByUserId": 63843671, + "value": "+13165555557" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:24:22.905000Z", + "updatedByUserId": 63843671, + "value": "+13165555556" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:22:27.142000Z", + "updatedByUserId": 63843671, + "value": "+13165555555" + } + ] + }, + "updatedAt": "2024-02-25T20:43:51.308000Z" + } + ], + [ + "acmeCo/deals", + { + "archived": false, + "contacts": [ + 1 + ], + "createdAt": "2024-02-08T02:34:37.277000Z", + "id": 17423218541, + "properties": { + "amount": "1000.0", + "closedate": "2024-01-03T09:37:11.118Z", + "createdate": "2024-02-08T02:34:37.277Z", + "days_to_close": "0", + "dealname": "HubSpot - New Deal (Sample Deal)", + "dealstage": "appointmentscheduled", + "hs_analytics_latest_source_contact": "OFFLINE", + "hs_analytics_latest_source_data_1_contact": "API", + "hs_analytics_latest_source_data_2_contact": "sample-contact", + "hs_analytics_latest_source_timestamp_contact": "2024-02-08T02:34:10.499Z", + "hs_analytics_source": "OFFLINE", + "hs_analytics_source_data_1": "API", + "hs_analytics_source_data_2": "sample-contact", + "hs_closed_amount": "0", + "hs_closed_amount_in_home_currency": "0", + "hs_created_by_user_id": "63843671", + "hs_createdate": "2024-02-08T02:34:37.283Z", + "hs_date_entered_appointmentscheduled": "2024-02-08T02:34:37.283Z", + "hs_deal_stage_probability": "0.200000000000000011102230246251565404236316680908203125", + "hs_deal_stage_probability_shadow": "0.200000000000000011102230246251565404236316680908203125", + "hs_is_closed_won": "false", + "hs_is_deal_split": "false", + "hs_lastmodifieddate": "2024-02-08T02:34:41.578Z", + "hs_num_target_accounts": "0", + "hs_object_id": "17423218541", + "hs_object_source": "CRM_UI", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_projected_amount": "200.0000000000000111022302462515654042363166809082031250000", + "hs_projected_amount_in_home_currency": "200.0000000000000111022302462515654042363166809082031250000", + "hs_time_in_appointmentscheduled": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_v2_date_entered_appointmentscheduled": "2024-02-08T02:34:37.283Z", + "pipeline": "default" + }, + "propertiesWithHistory": { + "amount": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "1000.0" + } + ], + "closedate": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "2024-01-03T09:37:11.118Z" + } + ], + "createdate": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:34:37.277Z" + } + ], + "days_to_close": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "dealname": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "HubSpot - New Deal (Sample Deal)" + } + ], + "dealstage": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "appointmentscheduled" + } + ], + "hs_analytics_latest_source_contact": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.748000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_latest_source_data_1_contact": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.748000Z", + "value": "API" + } + ], + "hs_analytics_latest_source_data_2_contact": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.748000Z", + "value": "sample-contact" + } + ], + "hs_analytics_latest_source_timestamp_contact": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.748000Z", + "value": "2024-02-08T02:34:10.499Z" + } + ], + "hs_analytics_source": [ + { + "sourceId": "deal sync triggered by vid=1", + "sourceType": "DEALS", + "timestamp": "2024-02-08T02:34:38.283000Z", + "value": "OFFLINE" + } + ], + "hs_analytics_source_data_1": [ + { + "sourceId": "deal sync triggered by vid=1", + "sourceType": "DEALS", + "timestamp": "2024-02-08T02:34:38.283000Z", + "value": "API" + } + ], + "hs_analytics_source_data_2": [ + { + "sourceId": "deal sync triggered by vid=1", + "sourceType": "DEALS", + "timestamp": "2024-02-08T02:34:38.283000Z", + "value": "sample-contact" + } + ], + "hs_closed_amount": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_closed_amount_in_home_currency": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_created_by_user_id": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_createdate": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "2024-02-08T02:34:37.283Z" + } + ], + "hs_date_entered_appointmentscheduled": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "value": "2024-02-08T02:34:37.283Z" + } + ], + "hs_deal_stage_probability": [ + { + "sourceId": "DealStageProbabilityHandler", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.268000Z", + "value": "0.200000000000000011102230246251565404236316680908203125" + } + ], + "hs_deal_stage_probability_shadow": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "0.200000000000000011102230246251565404236316680908203125" + } + ], + "hs_is_closed_won": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "false" + } + ], + "hs_is_deal_split": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "false" + } + ], + "hs_lastmodifieddate": [ + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:41.578000Z", + "value": "2024-02-08T02:34:41.578Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.770000Z", + "value": "2024-02-08T02:34:38.770Z" + }, + { + "sourceType": "API", + "timestamp": "2024-02-08T02:34:38.295000Z", + "value": "2024-02-08T02:34:38.295Z" + }, + { + "sourceId": "DealStageProbabilityHandler", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.268000Z", + "value": "2024-02-08T02:34:38.268Z" + }, + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "value": "2024-02-08T02:34:37.283Z" + } + ], + "hs_num_target_accounts": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.748000Z", + "value": "0" + } + ], + "hs_object_id": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "17423218541" + } + ], + "hs_object_source": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_label": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_projected_amount": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.268000Z", + "value": "200.0000000000000111022302462515654042363166809082031250000" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_projected_amount_in_home_currency": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:38.268000Z", + "value": "200.0000000000000111022302462515654042363166809082031250000" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_time_in_appointmentscheduled": "redacted", + "hs_updated_by_user_id": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_v2_date_entered_appointmentscheduled": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-08T02:34:41.569000Z", + "value": "2024-02-08T02:34:37.283Z" + } + ], + "pipeline": [ + { + "sourceType": "CRM_UI", + "timestamp": "2024-02-08T02:34:37.283000Z", + "updatedByUserId": 63843671, + "value": "default" + } + ] + }, + "updatedAt": "2024-02-08T02:34:41.578000Z" + } + ], + [ + "acmeCo/engagements", + { + "archived": false, + "createdAt": "2024-02-15T17:25:55.752000Z", + "id": 47494434080, + "properties": { + "hs_all_owner_ids": "722900407", + "hs_body_preview": "This is an example note!", + "hs_body_preview_html": "\n \n \n
\n

This is an example note!

\n
\n \n", + "hs_body_preview_is_truncated": "false", + "hs_created_by": "63843671", + "hs_created_by_user_id": "63843671", + "hs_createdate": "2024-02-15T17:25:55.752Z", + "hs_engagement_source": "CRM_UI", + "hs_engagement_type": "NOTE", + "hs_lastmodifieddate": "2024-02-16T23:30:26.472Z", + "hs_modified_by": "63843671", + "hs_note_body": "

This is an example note!

", + "hs_object_id": "47494434080", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_timestamp": "2024-02-15T17:25:49.545Z", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hubspot_owner_assigneddate": "2024-02-15T17:25:55.752Z", + "hubspot_owner_id": "722900407" + }, + "propertiesWithHistory": { + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_body_preview": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:30:26.472000Z", + "updatedByUserId": 63843671, + "value": "This is an example note!" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:25:57.680000Z", + "updatedByUserId": 63843671, + "value": "This is an example note! I've updated it." + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:22:42.344000Z", + "updatedByUserId": 63843671, + "value": "This is an example note! I've updated it. And again." + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:22:14.952000Z", + "updatedByUserId": 63843671, + "value": "This is an example note! I've updated it." + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:43:44.008000Z", + "updatedByUserId": 63843671, + "value": "This is an example note!" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "This is an example note." + } + ], + "hs_body_preview_html": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:30:26.472000Z", + "updatedByUserId": 63843671, + "value": "\n \n \n
\n

This is an example note!

\n
\n \n" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:25:57.680000Z", + "updatedByUserId": 63843671, + "value": "\n \n \n
\n

This is an example note! I've updated it.

\n
\n \n" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:22:42.344000Z", + "updatedByUserId": 63843671, + "value": "\n \n \n
\n

This is an example note! I've updated it. And again.

\n
\n \n" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-16T23:22:14.952000Z", + "updatedByUserId": 63843671, + "value": "\n \n \n
\n

This is an example note! I've updated it.

\n
\n \n" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:43:44.008000Z", + "updatedByUserId": 63843671, + "value": "\n \n \n
\n

This is an example note!

\n
\n \n" + }, + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "\n \n \n
\n

This is an example note.

\n
\n \n" + } + ], + "hs_body_preview_is_truncated": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "false" + } + ], + "hs_created_by": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:25:55.752Z" + } + ], + "hs_engagement_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_engagement_type": [ + { + "sourceType": "UNKNOWN", + "timestamp": "2024-02-15T17:25:55.752000Z", + "value": "NOTE" + } + ], + "hs_lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:30:26.472000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T23:30:26.472Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:25:57.680000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T23:25:57.680Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:22:42.344000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T23:22:42.344Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:22:14.952000Z", + "updatedByUserId": 63843671, + "value": "2024-02-16T23:22:14.952Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:43:44.008000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:43:44.008Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:25:55.752Z" + } + ], + "hs_modified_by": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_note_body": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:30:26.472000Z", + "updatedByUserId": 63843671, + "value": "

This is an example note!

" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:25:57.680000Z", + "updatedByUserId": 63843671, + "value": "

This is an example note! I've updated it.

" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:22:42.344000Z", + "updatedByUserId": 63843671, + "value": "

This is an example note! I've updated it. And again.

" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-16T23:22:14.952000Z", + "updatedByUserId": 63843671, + "value": "

This is an example note! I've updated it.

" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:43:44.008000Z", + "updatedByUserId": 63843671, + "value": "

This is an example note!

" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "

This is an example note.

" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "47494434080" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_timestamp": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:25:49.545Z" + } + ], + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T17:25:55.752Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T17:25:55.752000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ] + }, + "updatedAt": "2024-02-16T23:30:26.472000Z" + } + ], + [ + "acmeCo/tickets", + { + "archived": false, + "contacts": [ + 151 + ], + "createdAt": "2024-02-15T18:46:27.456000Z", + "id": 2371913597, + "properties": { + "content": "Description of this ticket.", + "createdate": "2024-02-15T18:46:27.456Z", + "hs_all_owner_ids": "722900407", + "hs_created_by_user_id": "63843671", + "hs_date_entered_1": "2024-02-15T18:46:27.456Z", + "hs_helpdesk_sort_timestamp": "2024-02-15T18:46:27.456Z", + "hs_is_visible_in_help_desk": "true", + "hs_last_message_from_visitor": "false", + "hs_lastmodifieddate": "2024-02-15T18:47:39.436Z", + "hs_num_associated_conversations": "0", + "hs_num_times_contacted": "0", + "hs_object_id": "2371913597", + "hs_object_source": "CRM_UI", + "hs_object_source_id": "userId:63843671", + "hs_object_source_label": "CRM_UI", + "hs_object_source_user_id": "63843671", + "hs_pipeline": "0", + "hs_pipeline_stage": "1", + "hs_time_in_1": "redacted", + "hs_updated_by_user_id": "63843671", + "hs_user_ids_of_all_owners": "63843671", + "hubspot_owner_assigneddate": "2024-02-15T18:46:27.456Z", + "hubspot_owner_id": "722900407", + "subject": "Example Ticket" + }, + "propertiesWithHistory": { + "content": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:47:39.436000Z", + "updatedByUserId": 63843671, + "value": "Description of this ticket." + } + ], + "createdate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:46:27.456Z" + } + ], + "hs_all_owner_ids": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "hs_created_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_date_entered_1": [ + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:27.456000Z", + "value": "2024-02-15T18:46:27.456Z" + } + ], + "hs_helpdesk_sort_timestamp": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:46:27.456Z" + } + ], + "hs_is_visible_in_help_desk": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:29.884000Z", + "value": "true" + } + ], + "hs_last_message_from_visitor": [ + { + "sourceId": "CalculatedPropertyComputer", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "false" + } + ], + "hs_lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:47:39.436000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:47:39.436Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:32.246000Z", + "value": "2024-02-15T18:46:32.246Z" + }, + { + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:29.884000Z", + "value": "2024-02-15T18:46:29.884Z" + }, + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:46:27.456Z" + } + ], + "hs_num_associated_conversations": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:29.812000Z", + "value": "0" + } + ], + "hs_num_times_contacted": [ + { + "sourceId": "RollupProperties", + "sourceType": "CALCULATED", + "timestamp": "2024-02-15T18:46:29.814000Z", + "value": "0" + } + ], + "hs_object_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "2371913597" + } + ], + "hs_object_source": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "userId:63843671" + } + ], + "hs_object_source_label": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "CRM_UI" + } + ], + "hs_object_source_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_pipeline": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "0" + } + ], + "hs_pipeline_stage": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "1" + } + ], + "hs_time_in_1": "redacted", + "hs_updated_by_user_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hs_user_ids_of_all_owners": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "63843671" + } + ], + "hubspot_owner_assigneddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "2024-02-15T18:46:27.456Z" + } + ], + "hubspot_owner_id": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "722900407" + } + ], + "subject": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-15T18:46:27.456000Z", + "updatedByUserId": 63843671, + "value": "Example Ticket" + } + ] + }, + "updatedAt": "2024-02-15T18:47:39.436000Z" + } + ] +] diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json new file mode 100644 index 0000000000..ba37ef2761 --- /dev/null +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json @@ -0,0 +1,1072 @@ +[ + { + "recommendedName": "companies", + "resourceConfig": { + "name": "companies" + }, + "documentSchema": { + "$defs": { + "History": { + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "timestamp": { + "format": "date-time", + "title": "Timestamp", + "type": "string" + }, + "value": { + "title": "Value", + "type": "string" + }, + "sourceType": { + "title": "Sourcetype", + "type": "string" + }, + "sourceId": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Sourceid" + }, + "updatedByUserId": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Updatedbyuserid" + } + }, + "required": [ + "timestamp", + "value", + "sourceType" + ], + "title": "History", + "type": "object" + }, + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "id": { + "title": "Id", + "type": "integer" + }, + "createdAt": { + "format": "date-time", + "title": "Createdat", + "type": "string" + }, + "updatedAt": { + "format": "date-time", + "title": "Updatedat", + "type": "string" + }, + "archived": { + "title": "Archived", + "type": "boolean" + }, + "properties": { + "type": "object", + "additionalProperties": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ] + }, + "title": "Properties" + }, + "propertiesWithHistory": { + "additionalProperties": { + "items": { + "$ref": "#/$defs/History" + }, + "type": "array" + }, + "default": {}, + "title": "Propertieswithhistory", + "type": "object" + }, + "associations": { + "additionalProperties": false, + "default": {}, + "title": "Associations", + "type": "object" + }, + "contacts": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Contacts", + "type": "array" + }, + "deals": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Deals", + "type": "array" + } + }, + "required": [ + "id", + "createdAt", + "updatedAt", + "archived", + "properties" + ], + "title": "Company", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/id" + ] + }, + { + "recommendedName": "contacts", + "resourceConfig": { + "name": "contacts" + }, + "documentSchema": { + "$defs": { + "History": { + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "timestamp": { + "format": "date-time", + "title": "Timestamp", + "type": "string" + }, + "value": { + "title": "Value", + "type": "string" + }, + "sourceType": { + "title": "Sourcetype", + "type": "string" + }, + "sourceId": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Sourceid" + }, + "updatedByUserId": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Updatedbyuserid" + } + }, + "required": [ + "timestamp", + "value", + "sourceType" + ], + "title": "History", + "type": "object" + }, + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "id": { + "title": "Id", + "type": "integer" + }, + "createdAt": { + "format": "date-time", + "title": "Createdat", + "type": "string" + }, + "updatedAt": { + "format": "date-time", + "title": "Updatedat", + "type": "string" + }, + "archived": { + "title": "Archived", + "type": "boolean" + }, + "properties": { + "type": "object", + "additionalProperties": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ] + }, + "title": "Properties" + }, + "propertiesWithHistory": { + "additionalProperties": { + "items": { + "$ref": "#/$defs/History" + }, + "type": "array" + }, + "default": {}, + "title": "Propertieswithhistory", + "type": "object" + }, + "associations": { + "additionalProperties": false, + "default": {}, + "title": "Associations", + "type": "object" + }, + "companies": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Companies", + "type": "array" + } + }, + "required": [ + "id", + "createdAt", + "updatedAt", + "archived", + "properties" + ], + "title": "Contact", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/id" + ] + }, + { + "recommendedName": "deals", + "resourceConfig": { + "name": "deals" + }, + "documentSchema": { + "$defs": { + "History": { + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "timestamp": { + "format": "date-time", + "title": "Timestamp", + "type": "string" + }, + "value": { + "title": "Value", + "type": "string" + }, + "sourceType": { + "title": "Sourcetype", + "type": "string" + }, + "sourceId": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Sourceid" + }, + "updatedByUserId": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Updatedbyuserid" + } + }, + "required": [ + "timestamp", + "value", + "sourceType" + ], + "title": "History", + "type": "object" + }, + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "id": { + "title": "Id", + "type": "integer" + }, + "createdAt": { + "format": "date-time", + "title": "Createdat", + "type": "string" + }, + "updatedAt": { + "format": "date-time", + "title": "Updatedat", + "type": "string" + }, + "archived": { + "title": "Archived", + "type": "boolean" + }, + "properties": { + "type": "object", + "additionalProperties": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ] + }, + "title": "Properties" + }, + "propertiesWithHistory": { + "additionalProperties": { + "items": { + "$ref": "#/$defs/History" + }, + "type": "array" + }, + "default": {}, + "title": "Propertieswithhistory", + "type": "object" + }, + "associations": { + "additionalProperties": false, + "default": {}, + "title": "Associations", + "type": "object" + }, + "contacts": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Contacts", + "type": "array" + }, + "engagements": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Engagements", + "type": "array" + }, + "line_items": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Line Items", + "type": "array" + } + }, + "required": [ + "id", + "createdAt", + "updatedAt", + "archived", + "properties" + ], + "title": "Deal", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/id" + ] + }, + { + "recommendedName": "engagements", + "resourceConfig": { + "name": "engagements" + }, + "documentSchema": { + "$defs": { + "History": { + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "timestamp": { + "format": "date-time", + "title": "Timestamp", + "type": "string" + }, + "value": { + "title": "Value", + "type": "string" + }, + "sourceType": { + "title": "Sourcetype", + "type": "string" + }, + "sourceId": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Sourceid" + }, + "updatedByUserId": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Updatedbyuserid" + } + }, + "required": [ + "timestamp", + "value", + "sourceType" + ], + "title": "History", + "type": "object" + }, + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "id": { + "title": "Id", + "type": "integer" + }, + "createdAt": { + "format": "date-time", + "title": "Createdat", + "type": "string" + }, + "updatedAt": { + "format": "date-time", + "title": "Updatedat", + "type": "string" + }, + "archived": { + "title": "Archived", + "type": "boolean" + }, + "properties": { + "type": "object", + "additionalProperties": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ] + }, + "title": "Properties" + }, + "propertiesWithHistory": { + "additionalProperties": { + "items": { + "$ref": "#/$defs/History" + }, + "type": "array" + }, + "default": {}, + "title": "Propertieswithhistory", + "type": "object" + }, + "associations": { + "additionalProperties": false, + "default": {}, + "title": "Associations", + "type": "object" + }, + "deals": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Deals", + "type": "array" + } + }, + "required": [ + "id", + "createdAt", + "updatedAt", + "archived", + "properties" + ], + "title": "Engagement", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/id" + ] + }, + { + "recommendedName": "tickets", + "resourceConfig": { + "name": "tickets" + }, + "documentSchema": { + "$defs": { + "History": { + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "timestamp": { + "format": "date-time", + "title": "Timestamp", + "type": "string" + }, + "value": { + "title": "Value", + "type": "string" + }, + "sourceType": { + "title": "Sourcetype", + "type": "string" + }, + "sourceId": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Sourceid" + }, + "updatedByUserId": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Updatedbyuserid" + } + }, + "required": [ + "timestamp", + "value", + "sourceType" + ], + "title": "History", + "type": "object" + }, + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": false, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "id": { + "title": "Id", + "type": "integer" + }, + "createdAt": { + "format": "date-time", + "title": "Createdat", + "type": "string" + }, + "updatedAt": { + "format": "date-time", + "title": "Updatedat", + "type": "string" + }, + "archived": { + "title": "Archived", + "type": "boolean" + }, + "properties": { + "type": "object", + "additionalProperties": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ] + }, + "title": "Properties" + }, + "propertiesWithHistory": { + "additionalProperties": { + "items": { + "$ref": "#/$defs/History" + }, + "type": "array" + }, + "default": {}, + "title": "Propertieswithhistory", + "type": "object" + }, + "associations": { + "additionalProperties": false, + "default": {}, + "title": "Associations", + "type": "object" + }, + "contacts": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Contacts", + "type": "array" + }, + "engagements": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Engagements", + "type": "array" + }, + "line_items": { + "default": [], + "items": { + "type": "integer" + }, + "title": "Line Items", + "type": "array" + } + }, + "required": [ + "id", + "createdAt", + "updatedAt", + "archived", + "properties" + ], + "title": "Ticket", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/id" + ] + }, + { + "recommendedName": "properties", + "resourceConfig": { + "name": "properties", + "interval": "P1D" + }, + "documentSchema": { + "$defs": { + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": true, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + }, + "name": { + "default": "", + "title": "Name", + "type": "string" + }, + "calculated": { + "default": false, + "title": "Calculated", + "type": "boolean" + }, + "hubspotObject": { + "default": "unknown", + "title": "Hubspotobject", + "type": "string" + } + }, + "title": "Property", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/_meta/row_id" + ] + } +] diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json new file mode 100644 index 0000000000..1e1a3090b1 --- /dev/null +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json @@ -0,0 +1,134 @@ +[ + { + "protocol": 3032023, + "configSchema": { + "$defs": { + "AccessToken": { + "properties": { + "credentials_title": { + "const": "Private App Credentials", + "title": "Credentials Title" + }, + "access_token": { + "title": "Access Token", + "type": "string" + } + }, + "required": [ + "credentials_title", + "access_token" + ], + "title": "AccessToken", + "type": "object" + }, + "_OAuth2Credentials": { + "properties": { + "credentials_title": { + "const": "OAuth Credentials", + "title": "Credentials Title" + }, + "client_id": { + "title": "Client Id", + "type": "string" + }, + "client_secret": { + "title": "Client Secret", + "type": "string" + }, + "refresh_token": { + "title": "Refresh Token", + "type": "string" + } + }, + "required": [ + "credentials_title", + "client_id", + "client_secret", + "refresh_token" + ], + "title": "OAuth", + "type": "object", + "x-oauth2-provider": "hubspot" + } + }, + "properties": { + "credentials": { + "discriminator": { + "mapping": { + "OAuth Credentials": "#/$defs/_OAuth2Credentials", + "Private App Credentials": "#/$defs/AccessToken" + }, + "propertyName": "credentials_title" + }, + "oneOf": [ + { + "$ref": "#/$defs/_OAuth2Credentials" + }, + { + "$ref": "#/$defs/AccessToken" + } + ], + "title": "Authentication" + } + }, + "required": [ + "credentials" + ], + "title": "EndpointConfig", + "type": "object" + }, + "resourceConfigSchema": { + "additionalProperties": false, + "description": "ResourceConfig is a common resource configuration shape.", + "properties": { + "name": { + "description": "Name of this resource", + "title": "Name", + "type": "string" + }, + "namespace": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "description": "Enclosing schema namespace of this resource", + "title": "Namespace" + }, + "interval": { + "default": "PT0S", + "description": "Interval between updates for this resource", + "format": "duration", + "title": "Interval", + "type": "string" + } + }, + "required": [ + "name" + ], + "title": "ResourceConfig", + "type": "object" + }, + "documentationUrl": "https://docs.estuary.dev", + "oauth2": { + "provider": "hubspot", + "authUrlTemplate": "https://app.hubspot.com/oauth/authorize?client_id={{#urlencode}}{{{ client_id }}}{{/urlencode}}&scope=crm.lists.read%20crm.objects.companies.read%20crm.objects.contacts.read%20crm.objects.deals.read%20crm.objects.owners.read%20crm.schemas.companies.read%20crm.schemas.contacts.read%20crm.schemas.deals.read%20e-commerce%20files%20files.ui_hidden.read%20forms%20forms-uploaded-files%20sales-email-read%20tickets&optional_scope=automation%20content%20crm.objects.custom.read%20crm.objects.feedback_submissions.read%20crm.objects.goals.read%20crm.schemas.custom.read&redirect_uri={{#urlencode}}{{{ redirect_uri }}}{{/urlencode}}&response_type=code&state={{#urlencode}}{{{ state }}}{{/urlencode}}", + "accessTokenUrlTemplate": "https://api.hubapi.com/oauth/v1/token", + "accessTokenBody": "grant_type=authorization_code&client_id={{#urlencode}}{{{ client_id }}}{{/urlencode}}&client_secret={{#urlencode}}{{{ client_secret }}}{{/urlencode}}&redirect_uri={{#urlencode}}{{{ redirect_uri }}}{{/urlencode}}&code={{#urlencode}}{{{ code }}}{{/urlencode}}", + "accessTokenHeaders": { + "content-type": "application/x-www-form-urlencoded" + }, + "accessTokenResponseMap": { + "refresh_token": "/refresh_token" + } + }, + "resourcePathPointers": [ + "/schema", + "/name" + ] + } +] diff --git a/source-hubspot-native/tests/test_snapshots.py b/source-hubspot-native/tests/test_snapshots.py new file mode 100644 index 0000000000..100f74fe70 --- /dev/null +++ b/source-hubspot-native/tests/test_snapshots.py @@ -0,0 +1,79 @@ +import json +import subprocess + + +def test_capture(request, snapshot): + result = subprocess.run( + [ + "flowctl", + "preview", + "--source", + request.fspath.dirname + "/../test.flow.yaml", + "--sessions", + "1", + "--delay", + "10s", + ], + stdout=subprocess.PIPE, + text=True, + ) + assert result.returncode == 0 + lines = [json.loads(l) for l in result.stdout.splitlines()[:50]] + + for l in lines: + typ, rec = l[0], l[1] + + for m in ["properties", "propertiesWithHistory"]: + for prop in [ + "hs_time_in_lead", + "hs_time_in_opportunity", + "hs_time_in_appointmentscheduled", + "hs_time_in_1", + ]: + if rec[m].get(prop): + rec[m][prop] = "redacted" + + # if typ == "acmeCo/property_history": + # rec["timestamp"] = "redacted" + # rec["value"] = "redacted" + + assert snapshot("stdout.json") == lines + + +def test_discover(request, snapshot): + result = subprocess.run( + [ + "flowctl", + "raw", + "discover", + "--source", + request.fspath.dirname + "/../test.flow.yaml", + "-o", + "json", + "--emit-raw", + ], + stdout=subprocess.PIPE, + text=True, + ) + assert result.returncode == 0 + lines = [json.loads(l) for l in result.stdout.splitlines()] + + assert snapshot("stdout.json") == lines + + +def test_spec(request, snapshot): + result = subprocess.run( + [ + "flowctl", + "raw", + "spec", + "--source", + request.fspath.dirname + "/../test.flow.yaml", + ], + stdout=subprocess.PIPE, + text=True, + ) + assert result.returncode == 0 + lines = [json.loads(l) for l in result.stdout.splitlines()] + + assert snapshot("stdout.json") == lines From c79039bc1ad50ee568da9afa739c697955c85473 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Wed, 28 Feb 2024 04:54:04 +0000 Subject: [PATCH 03/14] source-google-sheets-native: add low-latency native Google Sheets connector --- .../acmeCo/OtherThings.schema.yaml | 40 + .../acmeCo/VariousTypes.schema.yaml | 40 + source-google-sheets-native/acmeCo/flow.yaml | 10 + source-google-sheets-native/config.yaml | 20 + source-google-sheets-native/poetry.lock | 1166 +++++++++++++++++ source-google-sheets-native/pyproject.toml | 20 + .../source_google_sheets_native/__init__.py | 63 + .../source_google_sheets_native/__main__.py | 4 + .../source_google_sheets_native/api.py | 108 ++ .../source_google_sheets_native/models.py | 131 ++ .../source_google_sheets_native/resources.py | 73 ++ source-google-sheets-native/test.flow.yaml | 29 + ...tests_test_snapshots__capture__stdout.json | 328 +++++ ...ests_test_snapshots__discover__stdout.json | 132 ++ ...ve_tests_test_snapshots__spec__stdout.json | 141 ++ .../tests/test_snapshots.py | 60 + 16 files changed, 2365 insertions(+) create mode 100644 source-google-sheets-native/acmeCo/OtherThings.schema.yaml create mode 100644 source-google-sheets-native/acmeCo/VariousTypes.schema.yaml create mode 100644 source-google-sheets-native/acmeCo/flow.yaml create mode 100644 source-google-sheets-native/config.yaml create mode 100644 source-google-sheets-native/poetry.lock create mode 100644 source-google-sheets-native/pyproject.toml create mode 100644 source-google-sheets-native/source_google_sheets_native/__init__.py create mode 100644 source-google-sheets-native/source_google_sheets_native/__main__.py create mode 100644 source-google-sheets-native/source_google_sheets_native/api.py create mode 100644 source-google-sheets-native/source_google_sheets_native/models.py create mode 100644 source-google-sheets-native/source_google_sheets_native/resources.py create mode 100644 source-google-sheets-native/test.flow.yaml create mode 100644 source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__capture__stdout.json create mode 100644 source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json create mode 100644 source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json create mode 100644 source-google-sheets-native/tests/test_snapshots.py diff --git a/source-google-sheets-native/acmeCo/OtherThings.schema.yaml b/source-google-sheets-native/acmeCo/OtherThings.schema.yaml new file mode 100644 index 0000000000..da5e8e04ce --- /dev/null +++ b/source-google-sheets-native/acmeCo/OtherThings.schema.yaml @@ -0,0 +1,40 @@ +--- +$defs: + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: true +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata +title: Row +type: object +x-infer-schema: true diff --git a/source-google-sheets-native/acmeCo/VariousTypes.schema.yaml b/source-google-sheets-native/acmeCo/VariousTypes.schema.yaml new file mode 100644 index 0000000000..da5e8e04ce --- /dev/null +++ b/source-google-sheets-native/acmeCo/VariousTypes.schema.yaml @@ -0,0 +1,40 @@ +--- +$defs: + Meta: + properties: + op: + description: "Operation type (c: Create, u: Update, d: Delete)" + enum: + - c + - u + - d + title: Op + type: string + row_id: + default: -1 + description: "Row ID of the Document, counting up from zero, or -1 if not known" + title: Row Id + type: integer + uuid: + default: 00000000-0000-0000-0000-000000000000 + description: UUID of the Document + format: uuid + title: Uuid + type: string + required: + - op + title: Meta + type: object +additionalProperties: true +properties: + _meta: + allOf: + - $ref: "#/$defs/Meta" + default: + op: u + row_id: -1 + uuid: 00000000-0000-0000-0000-000000000000 + description: Document metadata +title: Row +type: object +x-infer-schema: true diff --git a/source-google-sheets-native/acmeCo/flow.yaml b/source-google-sheets-native/acmeCo/flow.yaml new file mode 100644 index 0000000000..ba4178e140 --- /dev/null +++ b/source-google-sheets-native/acmeCo/flow.yaml @@ -0,0 +1,10 @@ +--- +collections: + acmeCo/OtherThings: + schema: OtherThings.schema.yaml + key: + - /_meta/row_id + acmeCo/VariousTypes: + schema: VariousTypes.schema.yaml + key: + - /_meta/row_id \ No newline at end of file diff --git a/source-google-sheets-native/config.yaml b/source-google-sheets-native/config.yaml new file mode 100644 index 0000000000..adff549ac8 --- /dev/null +++ b/source-google-sheets-native/config.yaml @@ -0,0 +1,20 @@ +credentials: + client_id: ENC[AES256_GCM,data:awXx4CpO6LSrCTJSLhzFBoboidckBT7uomAOce2T7OGLxKUZSN8Wa2C0sW1hbtAniI3m3luktKJzOCOmKzrNRer0mmcaMQNE,iv:N/eBBB4neDJBHhtBmzSSUK0yuEez8DwQ9ogaJ1m/Eno=,tag:2kUWGz+KR0gsy5TOo5cp/g==,type:str] + client_secret: ENC[AES256_GCM,data:3CxUTzHyVBb0RFug+F/UrQwRqnl1UKMRd1uGXqH7YBscxeo=,iv:1BQcRE5mWdgmAjkYfrfWmYYBwLKnkP8V+0BJIDRDHiw=,tag:3csHJnzJfOABUpcsHLTNUA==,type:str] + credentials_title: ENC[AES256_GCM,data:A+vx2EiTkq4M9kDCXKW/6As=,iv:fQhLSM1gD4PWlIZGh1l/nNqVUBbX2wNdBW0WEvaOjCU=,tag:JHN1L30VWliLpP9V6WfDXw==,type:str] + refresh_token: ENC[AES256_GCM,data:9mICqFlSzpIJn+Od8ZFoO8CKsmY4poboE+FvH9+70QWgAXdLjGnf9k6jwqiwN0IEXGCKu+47S/FO39u7r8MPRzvaQmuGN3S8xBsz4HYuagtblUBEQ/upnW2lMU436bkAiGQya2X6zQ==,iv:P9gF1hfht0NIbuQDdL7h1xzIEtuSm7M5aN6I6fIXiik=,tag:hn5PboF0DwSI0xoZ8LC8bw==,type:str] +spreadsheet_url: ENC[AES256_GCM,data:7/iDm/yC8x5nROdwKAD6dpsvyfw9rDWWr8WmvVqdr22OsKaC+WmY5v2PxIdxU9w5cSAyyLZXXfo5aM78bmLN1N10CGYpDwhzv9cY0WQa7rnxTl05c863GE1CPbkGrg==,iv:6C8o/0Kv2VUsCZ/ueCb6RuLEcypC1QSTSrZW62tvgEU=,tag:POTMtTiDly6g83Tc/JXp6w==,type:str] +sops: + kms: [] + gcp_kms: + - resource_id: projects/estuary-theatre/locations/us-central1/keyRings/connector-keyring/cryptoKeys/connector-repository + created_at: "2024-03-01T00:07:58Z" + enc: CiQAdmEdwjMa72nTP2yt1ny2hHOVNCw8To9eubOYbq5Zjis6q6ASSACVvC1z7ueWMugy8Z4ePkfxyFo4aAk6IWFNKuQF/xrJGlbLoonNr919auJQI1GpBJoK/5iaHwbPqnv5EJY6pNsugVrTfZ+c0g== + azure_kv: [] + hc_vault: [] + age: [] + lastmodified: "2024-03-01T00:07:58Z" + mac: ENC[AES256_GCM,data:OI6y9J2tJU9YLs3qlpnPibitT/DTxSYNXkfrTUpU4XEtdp7KDlN2LArXGSpOUyAIyqjlceQ4/Pe+fnSEZu/3FdQzppchQj1TfWgMKCtCCkkRiOhYf0xEIVHGz7E4B9hqv0QYb+PfONmsMEknUNYUuzSHJ3Jfcri44KpMwz3xF7M=,iv:orl2TZqqwerf3Qw0XU3JCM9ocDiXVvxwwZXdlEKsAE8=,tag:Wz5M/5Co547UhMe4klVXyw==,type:str] + pgp: [] + unencrypted_suffix: _unencrypted + version: 3.7.3 diff --git a/source-google-sheets-native/poetry.lock b/source-google-sheets-native/poetry.lock new file mode 100644 index 0000000000..2856fc2ed4 --- /dev/null +++ b/source-google-sheets-native/poetry.lock @@ -0,0 +1,1166 @@ +# This file is automatically @generated by Poetry 1.6.1 and should not be changed by hand. + +[[package]] +name = "aiodns" +version = "3.1.1" +description = "Simple DNS resolver for asyncio" +optional = false +python-versions = "*" +files = [ + {file = "aiodns-3.1.1-py3-none-any.whl", hash = "sha256:a387b63da4ced6aad35b1dda2d09620ad608a1c7c0fb71efa07ebb4cd511928d"}, + {file = "aiodns-3.1.1.tar.gz", hash = "sha256:1073eac48185f7a4150cad7f96a5192d6911f12b4fb894de80a088508c9b3a99"}, +] + +[package.dependencies] +pycares = ">=4.0.0" + +[[package]] +name = "aiohttp" +version = "3.9.3" +description = "Async http client/server framework (asyncio)" +optional = false +python-versions = ">=3.8" +files = [ + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:939677b61f9d72a4fa2a042a5eee2a99a24001a67c13da113b2e30396567db54"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1f5cd333fcf7590a18334c90f8c9147c837a6ec8a178e88d90a9b96ea03194cc"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:82e6aa28dd46374f72093eda8bcd142f7771ee1eb9d1e223ff0fa7177a96b4a5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f56455b0c2c7cc3b0c584815264461d07b177f903a04481dfc33e08a89f0c26b"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bca77a198bb6e69795ef2f09a5f4c12758487f83f33d63acde5f0d4919815768"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e083c285857b78ee21a96ba1eb1b5339733c3563f72980728ca2b08b53826ca5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab40e6251c3873d86ea9b30a1ac6d7478c09277b32e14745d0d3c6e76e3c7e29"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:df822ee7feaaeffb99c1a9e5e608800bd8eda6e5f18f5cfb0dc7eeb2eaa6bbec"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:acef0899fea7492145d2bbaaaec7b345c87753168589cc7faf0afec9afe9b747"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cd73265a9e5ea618014802ab01babf1940cecb90c9762d8b9e7d2cc1e1969ec6"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:a78ed8a53a1221393d9637c01870248a6f4ea5b214a59a92a36f18151739452c"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:6b0e029353361f1746bac2e4cc19b32f972ec03f0f943b390c4ab3371840aabf"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7cf5c9458e1e90e3c390c2639f1017a0379a99a94fdfad3a1fd966a2874bba52"}, + {file = "aiohttp-3.9.3-cp310-cp310-win32.whl", hash = "sha256:3e59c23c52765951b69ec45ddbbc9403a8761ee6f57253250c6e1536cacc758b"}, + {file = "aiohttp-3.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:055ce4f74b82551678291473f66dc9fb9048a50d8324278751926ff0ae7715e5"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6b88f9386ff1ad91ace19d2a1c0225896e28815ee09fc6a8932fded8cda97c3d"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c46956ed82961e31557b6857a5ca153c67e5476972e5f7190015018760938da2"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:07b837ef0d2f252f96009e9b8435ec1fef68ef8b1461933253d318748ec1acdc"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dad46e6f620574b3b4801c68255492e0159d1712271cc99d8bdf35f2043ec266"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ed3e046ea7b14938112ccd53d91c1539af3e6679b222f9469981e3dac7ba1ce"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:039df344b45ae0b34ac885ab5b53940b174530d4dd8a14ed8b0e2155b9dddccb"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7943c414d3a8d9235f5f15c22ace69787c140c80b718dcd57caaade95f7cd93b"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84871a243359bb42c12728f04d181a389718710129b36b6aad0fc4655a7647d4"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5eafe2c065df5401ba06821b9a054d9cb2848867f3c59801b5d07a0be3a380ae"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:9d3c9b50f19704552f23b4eaea1fc082fdd82c63429a6506446cbd8737823da3"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:f033d80bc6283092613882dfe40419c6a6a1527e04fc69350e87a9df02bbc283"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:2c895a656dd7e061b2fd6bb77d971cc38f2afc277229ce7dd3552de8313a483e"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1f5a71d25cd8106eab05f8704cd9167b6e5187bcdf8f090a66c6d88b634802b4"}, + {file = "aiohttp-3.9.3-cp311-cp311-win32.whl", hash = "sha256:50fca156d718f8ced687a373f9e140c1bb765ca16e3d6f4fe116e3df7c05b2c5"}, + {file = "aiohttp-3.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:5fe9ce6c09668063b8447f85d43b8d1c4e5d3d7e92c63173e6180b2ac5d46dd8"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:38a19bc3b686ad55804ae931012f78f7a534cce165d089a2059f658f6c91fa60"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:770d015888c2a598b377bd2f663adfd947d78c0124cfe7b959e1ef39f5b13869"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ee43080e75fc92bf36219926c8e6de497f9b247301bbf88c5c7593d931426679"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:52df73f14ed99cee84865b95a3d9e044f226320a87af208f068ecc33e0c35b96"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc9b311743a78043b26ffaeeb9715dc360335e5517832f5a8e339f8a43581e4d"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b955ed993491f1a5da7f92e98d5dad3c1e14dc175f74517c4e610b1f2456fb11"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:504b6981675ace64c28bf4a05a508af5cde526e36492c98916127f5a02354d53"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a6fe5571784af92b6bc2fda8d1925cccdf24642d49546d3144948a6a1ed58ca5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ba39e9c8627edc56544c8628cc180d88605df3892beeb2b94c9bc857774848ca"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e5e46b578c0e9db71d04c4b506a2121c0cb371dd89af17a0586ff6769d4c58c1"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:938a9653e1e0c592053f815f7028e41a3062e902095e5a7dc84617c87267ebd5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:c3452ea726c76e92f3b9fae4b34a151981a9ec0a4847a627c43d71a15ac32aa6"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ff30218887e62209942f91ac1be902cc80cddb86bf00fbc6783b7a43b2bea26f"}, + {file = "aiohttp-3.9.3-cp312-cp312-win32.whl", hash = "sha256:38f307b41e0bea3294a9a2a87833191e4bcf89bb0365e83a8be3a58b31fb7f38"}, + {file = "aiohttp-3.9.3-cp312-cp312-win_amd64.whl", hash = "sha256:b791a3143681a520c0a17e26ae7465f1b6f99461a28019d1a2f425236e6eedb5"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:0ed621426d961df79aa3b963ac7af0d40392956ffa9be022024cd16297b30c8c"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7f46acd6a194287b7e41e87957bfe2ad1ad88318d447caf5b090012f2c5bb528"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:feeb18a801aacb098220e2c3eea59a512362eb408d4afd0c242044c33ad6d542"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f734e38fd8666f53da904c52a23ce517f1b07722118d750405af7e4123933511"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b40670ec7e2156d8e57f70aec34a7216407848dfe6c693ef131ddf6e76feb672"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fdd215b7b7fd4a53994f238d0f46b7ba4ac4c0adb12452beee724ddd0743ae5d"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:017a21b0df49039c8f46ca0971b3a7fdc1f56741ab1240cb90ca408049766168"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e99abf0bba688259a496f966211c49a514e65afa9b3073a1fcee08856e04425b"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:648056db9a9fa565d3fa851880f99f45e3f9a771dd3ff3bb0c048ea83fb28194"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:8aacb477dc26797ee089721536a292a664846489c49d3ef9725f992449eda5a8"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:522a11c934ea660ff8953eda090dcd2154d367dec1ae3c540aff9f8a5c109ab4"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:5bce0dc147ca85caa5d33debc4f4d65e8e8b5c97c7f9f660f215fa74fc49a321"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4b4af9f25b49a7be47c0972139e59ec0e8285c371049df1a63b6ca81fdd216a2"}, + {file = "aiohttp-3.9.3-cp38-cp38-win32.whl", hash = "sha256:298abd678033b8571995650ccee753d9458dfa0377be4dba91e4491da3f2be63"}, + {file = "aiohttp-3.9.3-cp38-cp38-win_amd64.whl", hash = "sha256:69361bfdca5468c0488d7017b9b1e5ce769d40b46a9f4a2eed26b78619e9396c"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:0fa43c32d1643f518491d9d3a730f85f5bbaedcbd7fbcae27435bb8b7a061b29"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:835a55b7ca49468aaaac0b217092dfdff370e6c215c9224c52f30daaa735c1c1"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:06a9b2c8837d9a94fae16c6223acc14b4dfdff216ab9b7202e07a9a09541168f"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abf151955990d23f84205286938796c55ff11bbfb4ccfada8c9c83ae6b3c89a3"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59c26c95975f26e662ca78fdf543d4eeaef70e533a672b4113dd888bd2423caa"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f95511dd5d0e05fd9728bac4096319f80615aaef4acbecb35a990afebe953b0e"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:595f105710293e76b9dc09f52e0dd896bd064a79346234b521f6b968ffdd8e58"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7c8b816c2b5af5c8a436df44ca08258fc1a13b449393a91484225fcb7545533"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f1088fa100bf46e7b398ffd9904f4808a0612e1d966b4aa43baa535d1b6341eb"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f59dfe57bb1ec82ac0698ebfcdb7bcd0e99c255bd637ff613760d5f33e7c81b3"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:361a1026c9dd4aba0109e4040e2aecf9884f5cfe1b1b1bd3d09419c205e2e53d"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:363afe77cfcbe3a36353d8ea133e904b108feea505aa4792dad6585a8192c55a"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8e2c45c208c62e955e8256949eb225bd8b66a4c9b6865729a786f2aa79b72e9d"}, + {file = "aiohttp-3.9.3-cp39-cp39-win32.whl", hash = "sha256:f7217af2e14da0856e082e96ff637f14ae45c10a5714b63c77f26d8884cf1051"}, + {file = "aiohttp-3.9.3-cp39-cp39-win_amd64.whl", hash = "sha256:27468897f628c627230dba07ec65dc8d0db566923c48f29e084ce382119802bc"}, + {file = "aiohttp-3.9.3.tar.gz", hash = "sha256:90842933e5d1ff760fae6caca4b2b3edba53ba8f4b71e95dacf2818a2aca06f7"}, +] + +[package.dependencies] +aiosignal = ">=1.1.2" +attrs = ">=17.3.0" +frozenlist = ">=1.1.1" +multidict = ">=4.5,<7.0" +yarl = ">=1.0,<2.0" + +[package.extras] +speedups = ["Brotli", "aiodns", "brotlicffi"] + +[[package]] +name = "aiosignal" +version = "1.3.1" +description = "aiosignal: a list of registered asynchronous callbacks" +optional = false +python-versions = ">=3.7" +files = [ + {file = "aiosignal-1.3.1-py3-none-any.whl", hash = "sha256:f8376fb07dd1e86a584e4fcdec80b36b7f81aac666ebc724e2c090300dd83b17"}, + {file = "aiosignal-1.3.1.tar.gz", hash = "sha256:54cd96e15e1649b75d6c87526a6ff0b6c1b0dd3459f43d9ca11d48c339b68cfc"}, +] + +[package.dependencies] +frozenlist = ">=1.1.0" + +[[package]] +name = "annotated-types" +version = "0.6.0" +description = "Reusable constraint types to use with typing.Annotated" +optional = false +python-versions = ">=3.8" +files = [ + {file = "annotated_types-0.6.0-py3-none-any.whl", hash = "sha256:0641064de18ba7a25dee8f96403ebc39113d0cb953a01429249d5c7564666a43"}, + {file = "annotated_types-0.6.0.tar.gz", hash = "sha256:563339e807e53ffd9c267e99fc6d9ea23eb8443c08f112651963e24e22f84a5d"}, +] + +[[package]] +name = "attrs" +version = "23.2.0" +description = "Classes Without Boilerplate" +optional = false +python-versions = ">=3.7" +files = [ + {file = "attrs-23.2.0-py3-none-any.whl", hash = "sha256:99b87a485a5820b23b879f04c2305b44b951b502fd64be915879d77a7e8fc6f1"}, + {file = "attrs-23.2.0.tar.gz", hash = "sha256:935dc3b529c262f6cf76e50877d35a4bd3c1de194fd41f47a2b7ae8f19971f30"}, +] + +[package.extras] +cov = ["attrs[tests]", "coverage[toml] (>=5.3)"] +dev = ["attrs[tests]", "pre-commit"] +docs = ["furo", "myst-parser", "sphinx", "sphinx-notfound-page", "sphinxcontrib-towncrier", "towncrier", "zope-interface"] +tests = ["attrs[tests-no-zope]", "zope-interface"] +tests-mypy = ["mypy (>=1.6)", "pytest-mypy-plugins"] +tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "pytest (>=4.3.0)", "pytest-xdist[psutil]"] + +[[package]] +name = "cffi" +version = "1.16.0" +description = "Foreign Function Interface for Python calling C code." +optional = false +python-versions = ">=3.8" +files = [ + {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"}, + {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"}, + {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"}, + {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b84834d0cf97e7d27dd5b7f3aca7b6e9263c56308ab9dc8aae9784abb774d404"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1b8ebc27c014c59692bb2664c7d13ce7a6e9a629be20e54e7271fa696ff2b417"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee07e47c12890ef248766a6e55bd38ebfb2bb8edd4142d56db91b21ea68b7627"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8a9d3ebe49f084ad71f9269834ceccbf398253c9fac910c4fd7053ff1386936"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e70f54f1796669ef691ca07d046cd81a29cb4deb1e5f942003f401c0c4a2695d"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5bf44d66cdf9e893637896c7faa22298baebcd18d1ddb6d2626a6e39793a1d56"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b78010e7b97fef4bee1e896df8a4bbb6712b7f05b7ef630f9d1da00f6444d2e"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c6a164aa47843fb1b01e941d385aab7215563bb8816d80ff3a363a9f8448a8dc"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e09f3ff613345df5e8c3667da1d918f9149bd623cd9070c983c013792a9a62eb"}, + {file = "cffi-1.16.0-cp311-cp311-win32.whl", hash = "sha256:2c56b361916f390cd758a57f2e16233eb4f64bcbeee88a4881ea90fca14dc6ab"}, + {file = "cffi-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:db8e577c19c0fda0beb7e0d4e09e0ba74b1e4c092e0e40bfa12fe05b6f6d75ba"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fa3a0128b152627161ce47201262d3140edb5a5c3da88d73a1b790a959126956"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68e7c44931cc171c54ccb702482e9fc723192e88d25a0e133edd7aff8fcd1f6e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abd808f9c129ba2beda4cfc53bde801e5bcf9d6e0f22f095e45327c038bfe68e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88e2b3c14bdb32e440be531ade29d3c50a1a59cd4e51b1dd8b0865c54ea5d2e2"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcc8eb6d5902bb1cf6dc4f187ee3ea80a1eba0a89aba40a5cb20a5087d961357"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7be2d771cdba2942e13215c4e340bfd76398e9227ad10402a8767ab1865d2e6"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e715596e683d2ce000574bae5d07bd522c781a822866c20495e52520564f0969"}, + {file = "cffi-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2d92b25dbf6cae33f65005baf472d2c245c050b1ce709cc4588cdcdd5495b520"}, + {file = "cffi-1.16.0-cp312-cp312-win32.whl", hash = "sha256:b2ca4e77f9f47c55c194982e10f058db063937845bb2b7a86c84a6cfe0aefa8b"}, + {file = "cffi-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:68678abf380b42ce21a5f2abde8efee05c114c2fdb2e9eef2efdb0257fba1235"}, + {file = "cffi-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0c9ef6ff37e974b73c25eecc13952c55bceed9112be2d9d938ded8e856138bcc"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a09582f178759ee8128d9270cd1344154fd473bb77d94ce0aeb2a93ebf0feaf0"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e760191dd42581e023a68b758769e2da259b5d52e3103c6060ddc02c9edb8d7b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80876338e19c951fdfed6198e70bc88f1c9758b94578d5a7c4c91a87af3cf31c"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a6a14b17d7e17fa0d207ac08642c8820f84f25ce17a442fd15e27ea18d67c59b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6602bc8dc6f3a9e02b6c22c4fc1e47aa50f8f8e6d3f78a5e16ac33ef5fefa324"}, + {file = "cffi-1.16.0-cp38-cp38-win32.whl", hash = "sha256:131fd094d1065b19540c3d72594260f118b231090295d8c34e19a7bbcf2e860a"}, + {file = "cffi-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:31d13b0f99e0836b7ff893d37af07366ebc90b678b6664c955b54561fc36ef36"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:582215a0e9adbe0e379761260553ba11c58943e4bbe9c36430c4ca6ac74b15ed"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b29ebffcf550f9da55bec9e02ad430c992a87e5f512cd63388abb76f1036d8d2"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc9b18bf40cc75f66f40a7379f6a9513244fe33c0e8aa72e2d56b0196a7ef872"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb4a35b3642fc5c005a6755a5d17c6c8b6bcb6981baf81cea8bfbc8903e8ba8"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b86851a328eedc692acf81fb05444bdf1891747c25af7529e39ddafaf68a4f3f"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c0f31130ebc2d37cdd8e44605fb5fa7ad59049298b3f745c74fa74c62fbfcfc4"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f8e709127c6c77446a8c0a8c8bf3c8ee706a06cd44b1e827c3e6a2ee6b8c098"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:748dcd1e3d3d7cd5443ef03ce8685043294ad6bd7c02a38d1bd367cfd968e000"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8895613bcc094d4a1b2dbe179d88d7fb4a15cee43c052e8885783fac397d91fe"}, + {file = "cffi-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed86a35631f7bfbb28e108dd96773b9d5a6ce4811cf6ea468bb6a359b256b1e4"}, + {file = "cffi-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:3686dffb02459559c74dd3d81748269ffb0eb027c39a6fc99502de37d501faa8"}, + {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"}, +] + +[package.dependencies] +pycparser = "*" + +[[package]] +name = "colorama" +version = "0.4.6" +description = "Cross-platform colored terminal text." +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*,>=2.7" +files = [ + {file = "colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6"}, + {file = "colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44"}, +] + +[[package]] +name = "debugpy" +version = "1.8.1" +description = "An implementation of the Debug Adapter Protocol for Python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "debugpy-1.8.1-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:3bda0f1e943d386cc7a0e71bfa59f4137909e2ed947fb3946c506e113000f741"}, + {file = "debugpy-1.8.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dda73bf69ea479c8577a0448f8c707691152e6c4de7f0c4dec5a4bc11dee516e"}, + {file = "debugpy-1.8.1-cp310-cp310-win32.whl", hash = "sha256:3a79c6f62adef994b2dbe9fc2cc9cc3864a23575b6e387339ab739873bea53d0"}, + {file = "debugpy-1.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:7eb7bd2b56ea3bedb009616d9e2f64aab8fc7000d481faec3cd26c98a964bcdd"}, + {file = "debugpy-1.8.1-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:016a9fcfc2c6b57f939673c874310d8581d51a0fe0858e7fac4e240c5eb743cb"}, + {file = "debugpy-1.8.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd97ed11a4c7f6d042d320ce03d83b20c3fb40da892f994bc041bbc415d7a099"}, + {file = "debugpy-1.8.1-cp311-cp311-win32.whl", hash = "sha256:0de56aba8249c28a300bdb0672a9b94785074eb82eb672db66c8144fff673146"}, + {file = "debugpy-1.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:1a9fe0829c2b854757b4fd0a338d93bc17249a3bf69ecf765c61d4c522bb92a8"}, + {file = "debugpy-1.8.1-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:3ebb70ba1a6524d19fa7bb122f44b74170c447d5746a503e36adc244a20ac539"}, + {file = "debugpy-1.8.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2e658a9630f27534e63922ebf655a6ab60c370f4d2fc5c02a5b19baf4410ace"}, + {file = "debugpy-1.8.1-cp312-cp312-win32.whl", hash = "sha256:caad2846e21188797a1f17fc09c31b84c7c3c23baf2516fed5b40b378515bbf0"}, + {file = "debugpy-1.8.1-cp312-cp312-win_amd64.whl", hash = "sha256:edcc9f58ec0fd121a25bc950d4578df47428d72e1a0d66c07403b04eb93bcf98"}, + {file = "debugpy-1.8.1-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:7a3afa222f6fd3d9dfecd52729bc2e12c93e22a7491405a0ecbf9e1d32d45b39"}, + {file = "debugpy-1.8.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d915a18f0597ef685e88bb35e5d7ab968964b7befefe1aaea1eb5b2640b586c7"}, + {file = "debugpy-1.8.1-cp38-cp38-win32.whl", hash = "sha256:92116039b5500633cc8d44ecc187abe2dfa9b90f7a82bbf81d079fcdd506bae9"}, + {file = "debugpy-1.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:e38beb7992b5afd9d5244e96ad5fa9135e94993b0c551ceebf3fe1a5d9beb234"}, + {file = "debugpy-1.8.1-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:bfb20cb57486c8e4793d41996652e5a6a885b4d9175dd369045dad59eaacea42"}, + {file = "debugpy-1.8.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:efd3fdd3f67a7e576dd869c184c5dd71d9aaa36ded271939da352880c012e703"}, + {file = "debugpy-1.8.1-cp39-cp39-win32.whl", hash = "sha256:58911e8521ca0c785ac7a0539f1e77e0ce2df753f786188f382229278b4cdf23"}, + {file = "debugpy-1.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:6df9aa9599eb05ca179fb0b810282255202a66835c6efb1d112d21ecb830ddd3"}, + {file = "debugpy-1.8.1-py2.py3-none-any.whl", hash = "sha256:28acbe2241222b87e255260c76741e1fbf04fdc3b6d094fcf57b6c6f75ce1242"}, + {file = "debugpy-1.8.1.zip", hash = "sha256:f696d6be15be87aef621917585f9bb94b1dc9e8aced570db1b8a6fc14e8f9b42"}, +] + +[[package]] +name = "estuary-cdk" +version = "0.2.0" +description = "Estuary Connector Development Kit" +optional = false +python-versions = "^3.11" +files = [] +develop = true + +[package.dependencies] +aiodns = "^3.1.1" +aiohttp = "^3.9.3" +orjson = "^3.9.15" +pydantic = ">1.10,<3" +xxhash = "^3.4.1" + +[package.source] +type = "directory" +url = "../estuary-cdk" + +[[package]] +name = "frozenlist" +version = "1.4.1" +description = "A list-like structure which implements collections.abc.MutableSequence" +optional = false +python-versions = ">=3.8" +files = [ + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f9aa1878d1083b276b0196f2dfbe00c9b7e752475ed3b682025ff20c1c1f51ac"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:29acab3f66f0f24674b7dc4736477bcd4bc3ad4b896f5f45379a67bce8b96868"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:74fb4bee6880b529a0c6560885fce4dc95936920f9f20f53d99a213f7bf66776"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:590344787a90ae57d62511dd7c736ed56b428f04cd8c161fcc5e7232c130c69a"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:068b63f23b17df8569b7fdca5517edef76171cf3897eb68beb01341131fbd2ad"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c849d495bf5154cd8da18a9eb15db127d4dba2968d88831aff6f0331ea9bd4c"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9750cc7fe1ae3b1611bb8cfc3f9ec11d532244235d75901fb6b8e42ce9229dfe"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9b2de4cf0cdd5bd2dee4c4f63a653c61d2408055ab77b151c1957f221cabf2a"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0633c8d5337cb5c77acbccc6357ac49a1770b8c487e5b3505c57b949b4b82e98"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:27657df69e8801be6c3638054e202a135c7f299267f1a55ed3a598934f6c0d75"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:f9a3ea26252bd92f570600098783d1371354d89d5f6b7dfd87359d669f2109b5"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4f57dab5fe3407b6c0c1cc907ac98e8a189f9e418f3b6e54d65a718aaafe3950"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e02a0e11cf6597299b9f3bbd3f93d79217cb90cfd1411aec33848b13f5c656cc"}, + {file = "frozenlist-1.4.1-cp310-cp310-win32.whl", hash = "sha256:a828c57f00f729620a442881cc60e57cfcec6842ba38e1b19fd3e47ac0ff8dc1"}, + {file = "frozenlist-1.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:f56e2333dda1fe0f909e7cc59f021eba0d2307bc6f012a1ccf2beca6ba362439"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a0cb6f11204443f27a1628b0e460f37fb30f624be6051d490fa7d7e26d4af3d0"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b46c8ae3a8f1f41a0d2ef350c0b6e65822d80772fe46b653ab6b6274f61d4a49"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fde5bd59ab5357e3853313127f4d3565fc7dad314a74d7b5d43c22c6a5ed2ced"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:722e1124aec435320ae01ee3ac7bec11a5d47f25d0ed6328f2273d287bc3abb0"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2471c201b70d58a0f0c1f91261542a03d9a5e088ed3dc6c160d614c01649c106"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c757a9dd70d72b076d6f68efdbb9bc943665ae954dad2801b874c8c69e185068"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f146e0911cb2f1da549fc58fc7bcd2b836a44b79ef871980d605ec392ff6b0d2"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f9c515e7914626b2a2e1e311794b4c35720a0be87af52b79ff8e1429fc25f19"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c302220494f5c1ebeb0912ea782bcd5e2f8308037b3c7553fad0e48ebad6ad82"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:442acde1e068288a4ba7acfe05f5f343e19fac87bfc96d89eb886b0363e977ec"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:1b280e6507ea8a4fa0c0a7150b4e526a8d113989e28eaaef946cc77ffd7efc0a"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:fe1a06da377e3a1062ae5fe0926e12b84eceb8a50b350ddca72dc85015873f74"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:db9e724bebd621d9beca794f2a4ff1d26eed5965b004a97f1f1685a173b869c2"}, + {file = "frozenlist-1.4.1-cp311-cp311-win32.whl", hash = "sha256:e774d53b1a477a67838a904131c4b0eef6b3d8a651f8b138b04f748fccfefe17"}, + {file = "frozenlist-1.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:fb3c2db03683b5767dedb5769b8a40ebb47d6f7f45b1b3e3b4b51ec8ad9d9825"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1979bc0aeb89b33b588c51c54ab0161791149f2461ea7c7c946d95d5f93b56ae"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cc7b01b3754ea68a62bd77ce6020afaffb44a590c2289089289363472d13aedb"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9c92be9fd329ac801cc420e08452b70e7aeab94ea4233a4804f0915c14eba9b"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c3894db91f5a489fc8fa6a9991820f368f0b3cbdb9cd8849547ccfab3392d86"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ba60bb19387e13597fb059f32cd4d59445d7b18b69a745b8f8e5db0346f33480"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8aefbba5f69d42246543407ed2461db31006b0f76c4e32dfd6f42215a2c41d09"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:780d3a35680ced9ce682fbcf4cb9c2bad3136eeff760ab33707b71db84664e3a"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9acbb16f06fe7f52f441bb6f413ebae6c37baa6ef9edd49cdd567216da8600cd"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:23b701e65c7b36e4bf15546a89279bd4d8675faabc287d06bbcfac7d3c33e1e6"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:3e0153a805a98f5ada7e09826255ba99fb4f7524bb81bf6b47fb702666484ae1"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:dd9b1baec094d91bf36ec729445f7769d0d0cf6b64d04d86e45baf89e2b9059b"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:1a4471094e146b6790f61b98616ab8e44f72661879cc63fa1049d13ef711e71e"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5667ed53d68d91920defdf4035d1cdaa3c3121dc0b113255124bcfada1cfa1b8"}, + {file = "frozenlist-1.4.1-cp312-cp312-win32.whl", hash = "sha256:beee944ae828747fd7cb216a70f120767fc9f4f00bacae8543c14a6831673f89"}, + {file = "frozenlist-1.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:64536573d0a2cb6e625cf309984e2d873979709f2cf22839bf2d61790b448ad5"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:20b51fa3f588ff2fe658663db52a41a4f7aa6c04f6201449c6c7c476bd255c0d"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:410478a0c562d1a5bcc2f7ea448359fcb050ed48b3c6f6f4f18c313a9bdb1826"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c6321c9efe29975232da3bd0af0ad216800a47e93d763ce64f291917a381b8eb"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48f6a4533887e189dae092f1cf981f2e3885175f7a0f33c91fb5b7b682b6bab6"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6eb73fa5426ea69ee0e012fb59cdc76a15b1283d6e32e4f8dc4482ec67d1194d"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fbeb989b5cc29e8daf7f976b421c220f1b8c731cbf22b9130d8815418ea45887"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:32453c1de775c889eb4e22f1197fe3bdfe457d16476ea407472b9442e6295f7a"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:693945278a31f2086d9bf3df0fe8254bbeaef1fe71e1351c3bd730aa7d31c41b"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:1d0ce09d36d53bbbe566fe296965b23b961764c0bcf3ce2fa45f463745c04701"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:3a670dc61eb0d0eb7080890c13de3066790f9049b47b0de04007090807c776b0"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:dca69045298ce5c11fd539682cff879cc1e664c245d1c64da929813e54241d11"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a06339f38e9ed3a64e4c4e43aec7f59084033647f908e4259d279a52d3757d09"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b7f2f9f912dca3934c1baec2e4585a674ef16fe00218d833856408c48d5beee7"}, + {file = "frozenlist-1.4.1-cp38-cp38-win32.whl", hash = "sha256:e7004be74cbb7d9f34553a5ce5fb08be14fb33bc86f332fb71cbe5216362a497"}, + {file = "frozenlist-1.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:5a7d70357e7cee13f470c7883a063aae5fe209a493c57d86eb7f5a6f910fae09"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bfa4a17e17ce9abf47a74ae02f32d014c5e9404b6d9ac7f729e01562bbee601e"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:b7e3ed87d4138356775346e6845cccbe66cd9e207f3cd11d2f0b9fd13681359d"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c99169d4ff810155ca50b4da3b075cbde79752443117d89429595c2e8e37fed8"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:edb678da49d9f72c9f6c609fbe41a5dfb9a9282f9e6a2253d5a91e0fc382d7c0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6db4667b187a6742b33afbbaf05a7bc551ffcf1ced0000a571aedbb4aa42fc7b"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55fdc093b5a3cb41d420884cdaf37a1e74c3c37a31f46e66286d9145d2063bd0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82e8211d69a4f4bc360ea22cd6555f8e61a1bd211d1d5d39d3d228b48c83a897"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89aa2c2eeb20957be2d950b85974b30a01a762f3308cd02bb15e1ad632e22dc7"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d3e0c25a2350080e9319724dede4f31f43a6c9779be48021a7f4ebde8b2d742"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7268252af60904bf52c26173cbadc3a071cece75f873705419c8681f24d3edea"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:0c250a29735d4f15321007fb02865f0e6b6a41a6b88f1f523ca1596ab5f50bd5"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:96ec70beabbd3b10e8bfe52616a13561e58fe84c0101dd031dc78f250d5128b9"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:23b2d7679b73fe0e5a4560b672a39f98dfc6f60df63823b0a9970525325b95f6"}, + {file = "frozenlist-1.4.1-cp39-cp39-win32.whl", hash = "sha256:a7496bfe1da7fb1a4e1cc23bb67c58fab69311cc7d32b5a99c2007b4b2a0e932"}, + {file = "frozenlist-1.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:e6a20a581f9ce92d389a8c7d7c3dd47c81fd5d6e655c8dddf341e14aa48659d0"}, + {file = "frozenlist-1.4.1-py3-none-any.whl", hash = "sha256:04ced3e6a46b4cfffe20f9ae482818e34eba9b5fb0ce4056e4cc9b6e212d09b7"}, + {file = "frozenlist-1.4.1.tar.gz", hash = "sha256:c037a86e8513059a2613aaba4d817bb90b9d9b6b69aace3ce9c877e8c8ed402b"}, +] + +[[package]] +name = "idna" +version = "3.6" +description = "Internationalized Domain Names in Applications (IDNA)" +optional = false +python-versions = ">=3.5" +files = [ + {file = "idna-3.6-py3-none-any.whl", hash = "sha256:c05567e9c24a6b9faaa835c4821bad0590fbb9d5779e7caa6e1cc4978e7eb24f"}, + {file = "idna-3.6.tar.gz", hash = "sha256:9ecdbbd083b06798ae1e86adcbfe8ab1479cf864e4ee30fe4e46a003d12491ca"}, +] + +[[package]] +name = "iniconfig" +version = "2.0.0" +description = "brain-dead simple config-ini parsing" +optional = false +python-versions = ">=3.7" +files = [ + {file = "iniconfig-2.0.0-py3-none-any.whl", hash = "sha256:b6a85871a79d2e3b22d2d1b94ac2824226a63c6b741c88f7ae975f18b6778374"}, + {file = "iniconfig-2.0.0.tar.gz", hash = "sha256:2d91e135bf72d31a410b17c16da610a82cb55f6b0477d1a902134b24a455b8b3"}, +] + +[[package]] +name = "multidict" +version = "6.0.5" +description = "multidict implementation" +optional = false +python-versions = ">=3.7" +files = [ + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:228b644ae063c10e7f324ab1ab6b548bdf6f8b47f3ec234fef1093bc2735e5f9"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:896ebdcf62683551312c30e20614305f53125750803b614e9e6ce74a96232604"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:411bf8515f3be9813d06004cac41ccf7d1cd46dfe233705933dd163b60e37600"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d147090048129ce3c453f0292e7697d333db95e52616b3793922945804a433c"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:215ed703caf15f578dca76ee6f6b21b7603791ae090fbf1ef9d865571039ade5"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c6390cf87ff6234643428991b7359b5f59cc15155695deb4eda5c777d2b880f"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21fd81c4ebdb4f214161be351eb5bcf385426bf023041da2fd9e60681f3cebae"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3cc2ad10255f903656017363cd59436f2111443a76f996584d1077e43ee51182"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6939c95381e003f54cd4c5516740faba40cf5ad3eeff460c3ad1d3e0ea2549bf"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:220dd781e3f7af2c2c1053da9fa96d9cf3072ca58f057f4c5adaaa1cab8fc442"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:766c8f7511df26d9f11cd3a8be623e59cca73d44643abab3f8c8c07620524e4a"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:fe5d7785250541f7f5019ab9cba2c71169dc7d74d0f45253f8313f436458a4ef"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c1c1496e73051918fcd4f58ff2e0f2f3066d1c76a0c6aeffd9b45d53243702cc"}, + {file = "multidict-6.0.5-cp310-cp310-win32.whl", hash = "sha256:7afcdd1fc07befad18ec4523a782cde4e93e0a2bf71239894b8d61ee578c1319"}, + {file = "multidict-6.0.5-cp310-cp310-win_amd64.whl", hash = "sha256:99f60d34c048c5c2fabc766108c103612344c46e35d4ed9ae0673d33c8fb26e8"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f285e862d2f153a70586579c15c44656f888806ed0e5b56b64489afe4a2dbfba"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:53689bb4e102200a4fafa9de9c7c3c212ab40a7ab2c8e474491914d2305f187e"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:612d1156111ae11d14afaf3a0669ebf6c170dbb735e510a7438ffe2369a847fd"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7be7047bd08accdb7487737631d25735c9a04327911de89ff1b26b81745bd4e3"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de170c7b4fe6859beb8926e84f7d7d6c693dfe8e27372ce3b76f01c46e489fcf"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04bde7a7b3de05732a4eb39c94574db1ec99abb56162d6c520ad26f83267de29"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85f67aed7bb647f93e7520633d8f51d3cbc6ab96957c71272b286b2f30dc70ed"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:425bf820055005bfc8aa9a0b99ccb52cc2f4070153e34b701acc98d201693733"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d3eb1ceec286eba8220c26f3b0096cf189aea7057b6e7b7a2e60ed36b373b77f"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:7901c05ead4b3fb75113fb1dd33eb1253c6d3ee37ce93305acd9d38e0b5f21a4"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:e0e79d91e71b9867c73323a3444724d496c037e578a0e1755ae159ba14f4f3d1"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:29bfeb0dff5cb5fdab2023a7a9947b3b4af63e9c47cae2a10ad58394b517fddc"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e030047e85cbcedbfc073f71836d62dd5dadfbe7531cae27789ff66bc551bd5e"}, + {file = "multidict-6.0.5-cp311-cp311-win32.whl", hash = "sha256:2f4848aa3baa109e6ab81fe2006c77ed4d3cd1e0ac2c1fbddb7b1277c168788c"}, + {file = "multidict-6.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:2faa5ae9376faba05f630d7e5e6be05be22913782b927b19d12b8145968a85ea"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:51d035609b86722963404f711db441cf7134f1889107fb171a970c9701f92e1e"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cbebcd5bcaf1eaf302617c114aa67569dd3f090dd0ce8ba9e35e9985b41ac35b"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2ffc42c922dbfddb4a4c3b438eb056828719f07608af27d163191cb3e3aa6cc5"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ceb3b7e6a0135e092de86110c5a74e46bda4bd4fbfeeb3a3bcec79c0f861e450"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:79660376075cfd4b2c80f295528aa6beb2058fd289f4c9252f986751a4cd0496"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e4428b29611e989719874670fd152b6625500ad6c686d464e99f5aaeeaca175a"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d84a5c3a5f7ce6db1f999fb9438f686bc2e09d38143f2d93d8406ed2dd6b9226"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:76c0de87358b192de7ea9649beb392f107dcad9ad27276324c24c91774ca5271"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:79a6d2ba910adb2cbafc95dad936f8b9386e77c84c35bc0add315b856d7c3abb"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:92d16a3e275e38293623ebf639c471d3e03bb20b8ebb845237e0d3664914caef"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:fb616be3538599e797a2017cccca78e354c767165e8858ab5116813146041a24"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:14c2976aa9038c2629efa2c148022ed5eb4cb939e15ec7aace7ca932f48f9ba6"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:435a0984199d81ca178b9ae2c26ec3d49692d20ee29bc4c11a2a8d4514c67eda"}, + {file = "multidict-6.0.5-cp312-cp312-win32.whl", hash = "sha256:9fe7b0653ba3d9d65cbe7698cca585bf0f8c83dbbcc710db9c90f478e175f2d5"}, + {file = "multidict-6.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:01265f5e40f5a17f8241d52656ed27192be03bfa8764d88e8220141d1e4b3556"}, + {file = "multidict-6.0.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:19fe01cea168585ba0f678cad6f58133db2aa14eccaf22f88e4a6dccadfad8b3"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf7a982604375a8d49b6cc1b781c1747f243d91b81035a9b43a2126c04766f5"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:107c0cdefe028703fb5dafe640a409cb146d44a6ae201e55b35a4af8e95457dd"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:403c0911cd5d5791605808b942c88a8155c2592e05332d2bf78f18697a5fa15e"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aeaf541ddbad8311a87dd695ed9642401131ea39ad7bc8cf3ef3967fd093b626"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e4972624066095e52b569e02b5ca97dbd7a7ddd4294bf4e7247d52635630dd83"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d946b0a9eb8aaa590df1fe082cee553ceab173e6cb5b03239716338629c50c7a"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b55358304d7a73d7bdf5de62494aaf70bd33015831ffd98bc498b433dfe5b10c"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a3145cb08d8625b2d3fee1b2d596a8766352979c9bffe5d7833e0503d0f0b5e5"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d65f25da8e248202bd47445cec78e0025c0fe7582b23ec69c3b27a640dd7a8e3"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:c9bf56195c6bbd293340ea82eafd0071cb3d450c703d2c93afb89f93b8386ccc"}, + {file = "multidict-6.0.5-cp37-cp37m-win32.whl", hash = "sha256:69db76c09796b313331bb7048229e3bee7928eb62bab5e071e9f7fcc4879caee"}, + {file = "multidict-6.0.5-cp37-cp37m-win_amd64.whl", hash = "sha256:fce28b3c8a81b6b36dfac9feb1de115bab619b3c13905b419ec71d03a3fc1423"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:76f067f5121dcecf0d63a67f29080b26c43c71a98b10c701b0677e4a065fbd54"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b82cc8ace10ab5bd93235dfaab2021c70637005e1ac787031f4d1da63d493c1d"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:5cb241881eefd96b46f89b1a056187ea8e9ba14ab88ba632e68d7a2ecb7aadf7"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8e94e6912639a02ce173341ff62cc1201232ab86b8a8fcc05572741a5dc7d93"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:09a892e4a9fb47331da06948690ae38eaa2426de97b4ccbfafbdcbe5c8f37ff8"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55205d03e8a598cfc688c71ca8ea5f66447164efff8869517f175ea632c7cb7b"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37b15024f864916b4951adb95d3a80c9431299080341ab9544ed148091b53f50"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2a1dee728b52b33eebff5072817176c172050d44d67befd681609b4746e1c2e"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:edd08e6f2f1a390bf137080507e44ccc086353c8e98c657e666c017718561b89"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:60d698e8179a42ec85172d12f50b1668254628425a6bd611aba022257cac1386"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:3d25f19500588cbc47dc19081d78131c32637c25804df8414463ec908631e453"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4cc0ef8b962ac7a5e62b9e826bd0cd5040e7d401bc45a6835910ed699037a461"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:eca2e9d0cc5a889850e9bbd68e98314ada174ff6ccd1129500103df7a94a7a44"}, + {file = "multidict-6.0.5-cp38-cp38-win32.whl", hash = "sha256:4a6a4f196f08c58c59e0b8ef8ec441d12aee4125a7d4f4fef000ccb22f8d7241"}, + {file = "multidict-6.0.5-cp38-cp38-win_amd64.whl", hash = "sha256:0275e35209c27a3f7951e1ce7aaf93ce0d163b28948444bec61dd7badc6d3f8c"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e7be68734bd8c9a513f2b0cfd508802d6609da068f40dc57d4e3494cefc92929"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1d9ea7a7e779d7a3561aade7d596649fbecfa5c08a7674b11b423783217933f9"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ea1456df2a27c73ce51120fa2f519f1bea2f4a03a917f4a43c8707cf4cbbae1a"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cf590b134eb70629e350691ecca88eac3e3b8b3c86992042fb82e3cb1830d5e1"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5c0631926c4f58e9a5ccce555ad7747d9a9f8b10619621f22f9635f069f6233e"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dce1c6912ab9ff5f179eaf6efe7365c1f425ed690b03341911bf4939ef2f3046"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0868d64af83169e4d4152ec612637a543f7a336e4a307b119e98042e852ad9c"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:141b43360bfd3bdd75f15ed811850763555a251e38b2405967f8e25fb43f7d40"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7df704ca8cf4a073334e0427ae2345323613e4df18cc224f647f251e5e75a527"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:6214c5a5571802c33f80e6c84713b2c79e024995b9c5897f794b43e714daeec9"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:cd6c8fca38178e12c00418de737aef1261576bd1b6e8c6134d3e729a4e858b38"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:e02021f87a5b6932fa6ce916ca004c4d441509d33bbdbeca70d05dff5e9d2479"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ebd8d160f91a764652d3e51ce0d2956b38efe37c9231cd82cfc0bed2e40b581c"}, + {file = "multidict-6.0.5-cp39-cp39-win32.whl", hash = "sha256:04da1bb8c8dbadf2a18a452639771951c662c5ad03aefe4884775454be322c9b"}, + {file = "multidict-6.0.5-cp39-cp39-win_amd64.whl", hash = "sha256:d6f6d4f185481c9669b9447bf9d9cf3b95a0e9df9d169bbc17e363b7d5487755"}, + {file = "multidict-6.0.5-py3-none-any.whl", hash = "sha256:0d63c74e3d7ab26de115c49bffc92cc77ed23395303d496eae515d4204a625e7"}, + {file = "multidict-6.0.5.tar.gz", hash = "sha256:f7e301075edaf50500f0b341543c41194d8df3ae5caf4702f2095f3ca73dd8da"}, +] + +[[package]] +name = "mypy" +version = "1.8.0" +description = "Optional static typing for Python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "mypy-1.8.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:485a8942f671120f76afffff70f259e1cd0f0cfe08f81c05d8816d958d4577d3"}, + {file = "mypy-1.8.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:df9824ac11deaf007443e7ed2a4a26bebff98d2bc43c6da21b2b64185da011c4"}, + {file = "mypy-1.8.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2afecd6354bbfb6e0160f4e4ad9ba6e4e003b767dd80d85516e71f2e955ab50d"}, + {file = "mypy-1.8.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8963b83d53ee733a6e4196954502b33567ad07dfd74851f32be18eb932fb1cb9"}, + {file = "mypy-1.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:e46f44b54ebddbeedbd3d5b289a893219065ef805d95094d16a0af6630f5d410"}, + {file = "mypy-1.8.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:855fe27b80375e5c5878492f0729540db47b186509c98dae341254c8f45f42ae"}, + {file = "mypy-1.8.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4c886c6cce2d070bd7df4ec4a05a13ee20c0aa60cb587e8d1265b6c03cf91da3"}, + {file = "mypy-1.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d19c413b3c07cbecf1f991e2221746b0d2a9410b59cb3f4fb9557f0365a1a817"}, + {file = "mypy-1.8.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:9261ed810972061388918c83c3f5cd46079d875026ba97380f3e3978a72f503d"}, + {file = "mypy-1.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:51720c776d148bad2372ca21ca29256ed483aa9a4cdefefcef49006dff2a6835"}, + {file = "mypy-1.8.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:52825b01f5c4c1c4eb0db253ec09c7aa17e1a7304d247c48b6f3599ef40db8bd"}, + {file = "mypy-1.8.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f5ac9a4eeb1ec0f1ccdc6f326bcdb464de5f80eb07fb38b5ddd7b0de6bc61e55"}, + {file = "mypy-1.8.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:afe3fe972c645b4632c563d3f3eff1cdca2fa058f730df2b93a35e3b0c538218"}, + {file = "mypy-1.8.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:42c6680d256ab35637ef88891c6bd02514ccb7e1122133ac96055ff458f93fc3"}, + {file = "mypy-1.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:720a5ca70e136b675af3af63db533c1c8c9181314d207568bbe79051f122669e"}, + {file = "mypy-1.8.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:028cf9f2cae89e202d7b6593cd98db6759379f17a319b5faf4f9978d7084cdc6"}, + {file = "mypy-1.8.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:4e6d97288757e1ddba10dd9549ac27982e3e74a49d8d0179fc14d4365c7add66"}, + {file = "mypy-1.8.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f1478736fcebb90f97e40aff11a5f253af890c845ee0c850fe80aa060a267c6"}, + {file = "mypy-1.8.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:42419861b43e6962a649068a61f4a4839205a3ef525b858377a960b9e2de6e0d"}, + {file = "mypy-1.8.0-cp38-cp38-win_amd64.whl", hash = "sha256:2b5b6c721bd4aabaadead3a5e6fa85c11c6c795e0c81a7215776ef8afc66de02"}, + {file = "mypy-1.8.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5c1538c38584029352878a0466f03a8ee7547d7bd9f641f57a0f3017a7c905b8"}, + {file = "mypy-1.8.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4ef4be7baf08a203170f29e89d79064463b7fc7a0908b9d0d5114e8009c3a259"}, + {file = "mypy-1.8.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7178def594014aa6c35a8ff411cf37d682f428b3b5617ca79029d8ae72f5402b"}, + {file = "mypy-1.8.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ab3c84fa13c04aeeeabb2a7f67a25ef5d77ac9d6486ff33ded762ef353aa5592"}, + {file = "mypy-1.8.0-cp39-cp39-win_amd64.whl", hash = "sha256:99b00bc72855812a60d253420d8a2eae839b0afa4938f09f4d2aa9bb4654263a"}, + {file = "mypy-1.8.0-py3-none-any.whl", hash = "sha256:538fd81bb5e430cc1381a443971c0475582ff9f434c16cd46d2c66763ce85d9d"}, + {file = "mypy-1.8.0.tar.gz", hash = "sha256:6ff8b244d7085a0b425b56d327b480c3b29cafbd2eff27316a004f9a7391ae07"}, +] + +[package.dependencies] +mypy-extensions = ">=1.0.0" +typing-extensions = ">=4.1.0" + +[package.extras] +dmypy = ["psutil (>=4.0)"] +install-types = ["pip"] +mypyc = ["setuptools (>=50)"] +reports = ["lxml"] + +[[package]] +name = "mypy-extensions" +version = "1.0.0" +description = "Type system extensions for programs checked with the mypy type checker." +optional = false +python-versions = ">=3.5" +files = [ + {file = "mypy_extensions-1.0.0-py3-none-any.whl", hash = "sha256:4392f6c0eb8a5668a69e23d168ffa70f0be9ccfd32b5cc2d26a34ae5b844552d"}, + {file = "mypy_extensions-1.0.0.tar.gz", hash = "sha256:75dbf8955dc00442a438fc4d0666508a9a97b6bd41aa2f0ffe9d2f2725af0782"}, +] + +[[package]] +name = "orjson" +version = "3.9.15" +description = "Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy" +optional = false +python-versions = ">=3.8" +files = [ + {file = "orjson-3.9.15-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:d61f7ce4727a9fa7680cd6f3986b0e2c732639f46a5e0156e550e35258aa313a"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4feeb41882e8aa17634b589533baafdceb387e01e117b1ec65534ec724023d04"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fbbeb3c9b2edb5fd044b2a070f127a0ac456ffd079cb82746fc84af01ef021a4"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b66bcc5670e8a6b78f0313bcb74774c8291f6f8aeef10fe70e910b8040f3ab75"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2973474811db7b35c30248d1129c64fd2bdf40d57d84beed2a9a379a6f57d0ab"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fe41b6f72f52d3da4db524c8653e46243c8c92df826ab5ffaece2dba9cccd58"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4228aace81781cc9d05a3ec3a6d2673a1ad0d8725b4e915f1089803e9efd2b99"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:6f7b65bfaf69493c73423ce9db66cfe9138b2f9ef62897486417a8fcb0a92bfe"}, + {file = "orjson-3.9.15-cp310-none-win32.whl", hash = "sha256:2d99e3c4c13a7b0fb3792cc04c2829c9db07838fb6973e578b85c1745e7d0ce7"}, + {file = "orjson-3.9.15-cp310-none-win_amd64.whl", hash = "sha256:b725da33e6e58e4a5d27958568484aa766e825e93aa20c26c91168be58e08cbb"}, + {file = "orjson-3.9.15-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:c8e8fe01e435005d4421f183038fc70ca85d2c1e490f51fb972db92af6e047c2"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:87f1097acb569dde17f246faa268759a71a2cb8c96dd392cd25c668b104cad2f"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ff0f9913d82e1d1fadbd976424c316fbc4d9c525c81d047bbdd16bd27dd98cfc"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8055ec598605b0077e29652ccfe9372247474375e0e3f5775c91d9434e12d6b1"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d6768a327ea1ba44c9114dba5fdda4a214bdb70129065cd0807eb5f010bfcbb5"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12365576039b1a5a47df01aadb353b68223da413e2e7f98c02403061aad34bde"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:71c6b009d431b3839d7c14c3af86788b3cfac41e969e3e1c22f8a6ea13139404"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e18668f1bd39e69b7fed19fa7cd1cd110a121ec25439328b5c89934e6d30d357"}, + {file = "orjson-3.9.15-cp311-none-win32.whl", hash = "sha256:62482873e0289cf7313461009bf62ac8b2e54bc6f00c6fabcde785709231a5d7"}, + {file = "orjson-3.9.15-cp311-none-win_amd64.whl", hash = "sha256:b3d336ed75d17c7b1af233a6561cf421dee41d9204aa3cfcc6c9c65cd5bb69a8"}, + {file = "orjson-3.9.15-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:82425dd5c7bd3adfe4e94c78e27e2fa02971750c2b7ffba648b0f5d5cc016a73"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c51378d4a8255b2e7c1e5cc430644f0939539deddfa77f6fac7b56a9784160a"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6ae4e06be04dc00618247c4ae3f7c3e561d5bc19ab6941427f6d3722a0875ef7"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bcef128f970bb63ecf9a65f7beafd9b55e3aaf0efc271a4154050fc15cdb386e"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b72758f3ffc36ca566ba98a8e7f4f373b6c17c646ff8ad9b21ad10c29186f00d"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10c57bc7b946cf2efa67ac55766e41764b66d40cbd9489041e637c1304400494"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:946c3a1ef25338e78107fba746f299f926db408d34553b4754e90a7de1d44068"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2f256d03957075fcb5923410058982aea85455d035607486ccb847f095442bda"}, + {file = "orjson-3.9.15-cp312-none-win_amd64.whl", hash = "sha256:5bb399e1b49db120653a31463b4a7b27cf2fbfe60469546baf681d1b39f4edf2"}, + {file = "orjson-3.9.15-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:b17f0f14a9c0ba55ff6279a922d1932e24b13fc218a3e968ecdbf791b3682b25"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f6cbd8e6e446fb7e4ed5bac4661a29e43f38aeecbf60c4b900b825a353276a1"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:76bc6356d07c1d9f4b782813094d0caf1703b729d876ab6a676f3aaa9a47e37c"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fdfa97090e2d6f73dced247a2f2d8004ac6449df6568f30e7fa1a045767c69a6"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7413070a3e927e4207d00bd65f42d1b780fb0d32d7b1d951f6dc6ade318e1b5a"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9cf1596680ac1f01839dba32d496136bdd5d8ffb858c280fa82bbfeb173bdd40"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:809d653c155e2cc4fd39ad69c08fdff7f4016c355ae4b88905219d3579e31eb7"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:920fa5a0c5175ab14b9c78f6f820b75804fb4984423ee4c4f1e6d748f8b22bc1"}, + {file = "orjson-3.9.15-cp38-none-win32.whl", hash = "sha256:2b5c0f532905e60cf22a511120e3719b85d9c25d0e1c2a8abb20c4dede3b05a5"}, + {file = "orjson-3.9.15-cp38-none-win_amd64.whl", hash = "sha256:67384f588f7f8daf040114337d34a5188346e3fae6c38b6a19a2fe8c663a2f9b"}, + {file = "orjson-3.9.15-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:6fc2fe4647927070df3d93f561d7e588a38865ea0040027662e3e541d592811e"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34cbcd216e7af5270f2ffa63a963346845eb71e174ea530867b7443892d77180"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f541587f5c558abd93cb0de491ce99a9ef8d1ae29dd6ab4dbb5a13281ae04cbd"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:92255879280ef9c3c0bcb327c5a1b8ed694c290d61a6a532458264f887f052cb"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:05a1f57fb601c426635fcae9ddbe90dfc1ed42245eb4c75e4960440cac667262"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ede0bde16cc6e9b96633df1631fbcd66491d1063667f260a4f2386a098393790"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:e88b97ef13910e5f87bcbc4dd7979a7de9ba8702b54d3204ac587e83639c0c2b"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:57d5d8cf9c27f7ef6bc56a5925c7fbc76b61288ab674eb352c26ac780caa5b10"}, + {file = "orjson-3.9.15-cp39-none-win32.whl", hash = "sha256:001f4eb0ecd8e9ebd295722d0cbedf0748680fb9998d3993abaed2f40587257a"}, + {file = "orjson-3.9.15-cp39-none-win_amd64.whl", hash = "sha256:ea0b183a5fe6b2b45f3b854b0d19c4e932d6f5934ae1f723b07cf9560edd4ec7"}, + {file = "orjson-3.9.15.tar.gz", hash = "sha256:95cae920959d772f30ab36d3b25f83bb0f3be671e986c72ce22f8fa700dae061"}, +] + +[[package]] +name = "packaging" +version = "23.2" +description = "Core utilities for Python packages" +optional = false +python-versions = ">=3.7" +files = [ + {file = "packaging-23.2-py3-none-any.whl", hash = "sha256:8c491190033a9af7e1d931d0b5dacc2ef47509b34dd0de67ed209b5203fc88c7"}, + {file = "packaging-23.2.tar.gz", hash = "sha256:048fb0e9405036518eaaf48a55953c750c11e1a1b68e0dd1a9d62ed0c092cfc5"}, +] + +[[package]] +name = "pluggy" +version = "1.4.0" +description = "plugin and hook calling mechanisms for python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pluggy-1.4.0-py3-none-any.whl", hash = "sha256:7db9f7b503d67d1c5b95f59773ebb58a8c1c288129a88665838012cfb07b8981"}, + {file = "pluggy-1.4.0.tar.gz", hash = "sha256:8c85c2876142a764e5b7548e7d9a0e0ddb46f5185161049a79b7e974454223be"}, +] + +[package.extras] +dev = ["pre-commit", "tox"] +testing = ["pytest", "pytest-benchmark"] + +[[package]] +name = "pycares" +version = "4.4.0" +description = "Python interface for c-ares" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:24da119850841d16996713d9c3374ca28a21deee056d609fbbed29065d17e1f6"}, + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8f64cb58729689d4d0e78f0bfb4c25ce2f851d0274c0273ac751795c04b8798a"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d33e2a1120887e89075f7f814ec144f66a6ce06a54f5722ccefc62fbeda83cff"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c680fef1b502ee680f8f0b95a41af4ec2c234e50e16c0af5bbda31999d3584bd"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fff16b09042ba077f7b8aa5868d1d22456f0002574d0ba43462b10a009331677"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:229a1675eb33bc9afb1fc463e73ee334950ccc485bc83a43f6ae5839fb4d5fa3"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:3aebc73e5ad70464f998f77f2da2063aa617cbd8d3e8174dd7c5b4518f967153"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:6ef64649eba56448f65e26546d85c860709844d2fc22ef14d324fe0b27f761a9"}, + {file = "pycares-4.4.0-cp310-cp310-win32.whl", hash = "sha256:4afc2644423f4eef97857a9fd61be9758ce5e336b4b0bd3d591238bb4b8b03e0"}, + {file = "pycares-4.4.0-cp310-cp310-win_amd64.whl", hash = "sha256:5ed4e04af4012f875b78219d34434a6d08a67175150ac1b79eb70ab585d4ba8c"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:bce8db2fc6f3174bd39b81405210b9b88d7b607d33e56a970c34a0c190da0490"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9a0303428d013ccf5c51de59c83f9127aba6200adb7fd4be57eddb432a1edd2a"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afb91792f1556f97be7f7acb57dc7756d89c5a87bd8b90363a77dbf9ea653817"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b61579cecf1f4d616e5ea31a6e423a16680ab0d3a24a2ffe7bb1d4ee162477ff"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b7af06968cbf6851566e806bf3e72825b0e6671832a2cbe840be1d2d65350710"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ceb12974367b0a68a05d52f4162b29f575d241bd53de155efe632bf2c943c7f6"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:2eeec144bcf6a7b6f2d74d6e70cbba7886a84dd373c886f06cb137a07de4954c"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e3a6f7cfdfd11eb5493d6d632e582408c8f3b429f295f8799c584c108b28db6f"}, + {file = "pycares-4.4.0-cp311-cp311-win32.whl", hash = "sha256:34736a2ffaa9c08ca9c707011a2d7b69074bbf82d645d8138bba771479b2362f"}, + {file = "pycares-4.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:eb66c30eb11e877976b7ead13632082a8621df648c408b8e15cdb91a452dd502"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:fd644505a8cfd7f6584d33a9066d4e3d47700f050ef1490230c962de5dfb28c6"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:52084961262232ec04bd75f5043aed7e5d8d9695e542ff691dfef0110209f2d4"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0c5368206057884cde18602580083aeaad9b860e2eac14fd253543158ce1e93"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:112a4979c695b1c86f6782163d7dec58d57a3b9510536dcf4826550f9053dd9a"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8d186dafccdaa3409194c0f94db93c1a5d191145a275f19da6591f9499b8e7b8"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:64965dc19c578a683ea73487a215a8897276224e004d50eeb21f0bc7a0b63c88"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:ed2a38e34bec6f2586435f6ff0bc5fe11d14bebd7ed492cf739a424e81681540"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:94d6962db81541eb0396d2f0dfcbb18cdb8c8b251d165efc2d974ae652c547d4"}, + {file = "pycares-4.4.0-cp312-cp312-win32.whl", hash = "sha256:1168a48a834813aa80f412be2df4abaf630528a58d15c704857448b20b1675c0"}, + {file = "pycares-4.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:db24c4e7fea4a052c6e869cbf387dd85d53b9736cfe1ef5d8d568d1ca925e977"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:21a5a0468861ec7df7befa69050f952da13db5427ae41ffe4713bc96291d1d95"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:22c00bf659a9fa44d7b405cf1cd69b68b9d37537899898d8cbe5dffa4016b273"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:23aa3993a352491a47fcf17867f61472f32f874df4adcbb486294bd9fbe8abee"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:813d661cbe2e37d87da2d16b7110a6860e93ddb11735c6919c8a3545c7b9c8d8"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:77cf5a2fd5583c670de41a7f4a7b46e5cbabe7180d8029f728571f4d2e864084"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:3eaa6681c0a3e3f3868c77aca14b7760fed35fdfda2fe587e15c701950e7bc69"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:ad58e284a658a8a6a84af2e0b62f2f961f303cedfe551854d7bd40c3cbb61912"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:bfb89ca9e3d0a9b5332deeb666b2ede9d3469107742158f4aeda5ce032d003f4"}, + {file = "pycares-4.4.0-cp38-cp38-win32.whl", hash = "sha256:f36bdc1562142e3695555d2f4ac0cb69af165eddcefa98efc1c79495b533481f"}, + {file = "pycares-4.4.0-cp38-cp38-win_amd64.whl", hash = "sha256:902461a92b6a80fd5041a2ec5235680c7cc35e43615639ec2a40e63fca2dfb51"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7bddc6adba8f699728f7fc1c9ce8cef359817ad78e2ed52b9502cb5f8dc7f741"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cb49d5805cd347c404f928c5ae7c35e86ba0c58ffa701dbe905365e77ce7d641"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:56cf3349fa3a2e67ed387a7974c11d233734636fe19facfcda261b411af14d80"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8bf2eaa83a5987e48fa63302f0fe7ce3275cfda87b34d40fef9ce703fb3ac002"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82bba2ab77eb5addbf9758d514d9bdef3c1bfe7d1649a47bd9a0d55a23ef478b"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:c6a8bde63106f162fca736e842a916853cad3c8d9d137e11c9ffa37efa818b02"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f5f646eec041db6ffdbcaf3e0756fb92018f7af3266138c756bb09d2b5baadec"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9dc04c54c6ea615210c1b9e803d0e2d2255f87a3d5d119b6482c8f0dfa15b26b"}, + {file = "pycares-4.4.0-cp39-cp39-win32.whl", hash = "sha256:97892cced5794d721fb4ff8765764aa4ea48fe8b2c3820677505b96b83d4ef47"}, + {file = "pycares-4.4.0-cp39-cp39-win_amd64.whl", hash = "sha256:917f08f0b5d9324e9a34211e68d27447c552b50ab967044776bbab7e42a553a2"}, + {file = "pycares-4.4.0.tar.gz", hash = "sha256:f47579d508f2f56eddd16ce72045782ad3b1b3b678098699e2b6a1b30733e1c2"}, +] + +[package.dependencies] +cffi = ">=1.5.0" + +[package.extras] +idna = ["idna (>=2.1)"] + +[[package]] +name = "pycparser" +version = "2.21" +description = "C parser in Python" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +files = [ + {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, + {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, +] + +[[package]] +name = "pydantic" +version = "2.6.3" +description = "Data validation using Python type hints" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pydantic-2.6.3-py3-none-any.whl", hash = "sha256:72c6034df47f46ccdf81869fddb81aade68056003900a8724a4f160700016a2a"}, + {file = "pydantic-2.6.3.tar.gz", hash = "sha256:e07805c4c7f5c6826e33a1d4c9d47950d7eaf34868e2690f8594d2e30241f11f"}, +] + +[package.dependencies] +annotated-types = ">=0.4.0" +pydantic-core = "2.16.3" +typing-extensions = ">=4.6.1" + +[package.extras] +email = ["email-validator (>=2.0.0)"] + +[[package]] +name = "pydantic-core" +version = "2.16.3" +description = "" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pydantic_core-2.16.3-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:75b81e678d1c1ede0785c7f46690621e4c6e63ccd9192af1f0bd9d504bbb6bf4"}, + {file = "pydantic_core-2.16.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9c865a7ee6f93783bd5d781af5a4c43dadc37053a5b42f7d18dc019f8c9d2bd1"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:162e498303d2b1c036b957a1278fa0899d02b2842f1ff901b6395104c5554a45"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2f583bd01bbfbff4eaee0868e6fc607efdfcc2b03c1c766b06a707abbc856187"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b926dd38db1519ed3043a4de50214e0d600d404099c3392f098a7f9d75029ff8"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:716b542728d4c742353448765aa7cdaa519a7b82f9564130e2b3f6766018c9ec"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc4ad7f7ee1a13d9cb49d8198cd7d7e3aa93e425f371a68235f784e99741561f"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:bd87f48924f360e5d1c5f770d6155ce0e7d83f7b4e10c2f9ec001c73cf475c99"}, + {file = "pydantic_core-2.16.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0df446663464884297c793874573549229f9eca73b59360878f382a0fc085979"}, + {file = "pydantic_core-2.16.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4df8a199d9f6afc5ae9a65f8f95ee52cae389a8c6b20163762bde0426275b7db"}, + {file = "pydantic_core-2.16.3-cp310-none-win32.whl", hash = "sha256:456855f57b413f077dff513a5a28ed838dbbb15082ba00f80750377eed23d132"}, + {file = "pydantic_core-2.16.3-cp310-none-win_amd64.whl", hash = "sha256:732da3243e1b8d3eab8c6ae23ae6a58548849d2e4a4e03a1924c8ddf71a387cb"}, + {file = "pydantic_core-2.16.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:519ae0312616026bf4cedc0fe459e982734f3ca82ee8c7246c19b650b60a5ee4"}, + {file = "pydantic_core-2.16.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b3992a322a5617ded0a9f23fd06dbc1e4bd7cf39bc4ccf344b10f80af58beacd"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8d62da299c6ecb04df729e4b5c52dc0d53f4f8430b4492b93aa8de1f541c4aac"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2acca2be4bb2f2147ada8cac612f8a98fc09f41c89f87add7256ad27332c2fda"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1b662180108c55dfbf1280d865b2d116633d436cfc0bba82323554873967b340"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e7c6ed0dc9d8e65f24f5824291550139fe6f37fac03788d4580da0d33bc00c97"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a6b1bb0827f56654b4437955555dc3aeeebeddc47c2d7ed575477f082622c49e"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e56f8186d6210ac7ece503193ec84104da7ceb98f68ce18c07282fcc2452e76f"}, + {file = "pydantic_core-2.16.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:936e5db01dd49476fa8f4383c259b8b1303d5dd5fb34c97de194560698cc2c5e"}, + {file = "pydantic_core-2.16.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:33809aebac276089b78db106ee692bdc9044710e26f24a9a2eaa35a0f9fa70ba"}, + {file = "pydantic_core-2.16.3-cp311-none-win32.whl", hash = "sha256:ded1c35f15c9dea16ead9bffcde9bb5c7c031bff076355dc58dcb1cb436c4721"}, + {file = "pydantic_core-2.16.3-cp311-none-win_amd64.whl", hash = "sha256:d89ca19cdd0dd5f31606a9329e309d4fcbb3df860960acec32630297d61820df"}, + {file = "pydantic_core-2.16.3-cp311-none-win_arm64.whl", hash = "sha256:6162f8d2dc27ba21027f261e4fa26f8bcb3cf9784b7f9499466a311ac284b5b9"}, + {file = "pydantic_core-2.16.3-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:0f56ae86b60ea987ae8bcd6654a887238fd53d1384f9b222ac457070b7ac4cff"}, + {file = "pydantic_core-2.16.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9bd22a2a639e26171068f8ebb5400ce2c1bc7d17959f60a3b753ae13c632975"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4204e773b4b408062960e65468d5346bdfe139247ee5f1ca2a378983e11388a2"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f651dd19363c632f4abe3480a7c87a9773be27cfe1341aef06e8759599454120"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:aaf09e615a0bf98d406657e0008e4a8701b11481840be7d31755dc9f97c44053"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8e47755d8152c1ab5b55928ab422a76e2e7b22b5ed8e90a7d584268dd49e9c6b"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:500960cb3a0543a724a81ba859da816e8cf01b0e6aaeedf2c3775d12ee49cade"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cf6204fe865da605285c34cf1172879d0314ff267b1c35ff59de7154f35fdc2e"}, + {file = "pydantic_core-2.16.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:d33dd21f572545649f90c38c227cc8631268ba25c460b5569abebdd0ec5974ca"}, + {file = "pydantic_core-2.16.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:49d5d58abd4b83fb8ce763be7794d09b2f50f10aa65c0f0c1696c677edeb7cbf"}, + {file = "pydantic_core-2.16.3-cp312-none-win32.whl", hash = "sha256:f53aace168a2a10582e570b7736cc5bef12cae9cf21775e3eafac597e8551fbe"}, + {file = "pydantic_core-2.16.3-cp312-none-win_amd64.whl", hash = "sha256:0d32576b1de5a30d9a97f300cc6a3f4694c428d956adbc7e6e2f9cad279e45ed"}, + {file = "pydantic_core-2.16.3-cp312-none-win_arm64.whl", hash = "sha256:ec08be75bb268473677edb83ba71e7e74b43c008e4a7b1907c6d57e940bf34b6"}, + {file = "pydantic_core-2.16.3-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:b1f6f5938d63c6139860f044e2538baeee6f0b251a1816e7adb6cbce106a1f01"}, + {file = "pydantic_core-2.16.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:2a1ef6a36fdbf71538142ed604ad19b82f67b05749512e47f247a6ddd06afdc7"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:704d35ecc7e9c31d48926150afada60401c55efa3b46cd1ded5a01bdffaf1d48"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d937653a696465677ed583124b94a4b2d79f5e30b2c46115a68e482c6a591c8a"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c9803edf8e29bd825f43481f19c37f50d2b01899448273b3a7758441b512acf8"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:72282ad4892a9fb2da25defeac8c2e84352c108705c972db82ab121d15f14e6d"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f752826b5b8361193df55afcdf8ca6a57d0232653494ba473630a83ba50d8c9"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:4384a8f68ddb31a0b0c3deae88765f5868a1b9148939c3f4121233314ad5532c"}, + {file = "pydantic_core-2.16.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:a4b2bf78342c40b3dc830880106f54328928ff03e357935ad26c7128bbd66ce8"}, + {file = "pydantic_core-2.16.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:13dcc4802961b5f843a9385fc821a0b0135e8c07fc3d9949fd49627c1a5e6ae5"}, + {file = "pydantic_core-2.16.3-cp38-none-win32.whl", hash = "sha256:e3e70c94a0c3841e6aa831edab1619ad5c511199be94d0c11ba75fe06efe107a"}, + {file = "pydantic_core-2.16.3-cp38-none-win_amd64.whl", hash = "sha256:ecdf6bf5f578615f2e985a5e1f6572e23aa632c4bd1dc67f8f406d445ac115ed"}, + {file = "pydantic_core-2.16.3-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:bda1ee3e08252b8d41fa5537413ffdddd58fa73107171a126d3b9ff001b9b820"}, + {file = "pydantic_core-2.16.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:21b888c973e4f26b7a96491c0965a8a312e13be108022ee510248fe379a5fa23"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be0ec334369316fa73448cc8c982c01e5d2a81c95969d58b8f6e272884df0074"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b5b6079cc452a7c53dd378c6f881ac528246b3ac9aae0f8eef98498a75657805"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ee8d5f878dccb6d499ba4d30d757111847b6849ae07acdd1205fffa1fc1253c"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7233d65d9d651242a68801159763d09e9ec96e8a158dbf118dc090cd77a104c9"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c6119dc90483a5cb50a1306adb8d52c66e447da88ea44f323e0ae1a5fcb14256"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:578114bc803a4c1ff9946d977c221e4376620a46cf78da267d946397dc9514a8"}, + {file = "pydantic_core-2.16.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d8f99b147ff3fcf6b3cc60cb0c39ea443884d5559a30b1481e92495f2310ff2b"}, + {file = "pydantic_core-2.16.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:4ac6b4ce1e7283d715c4b729d8f9dab9627586dafce81d9eaa009dd7f25dd972"}, + {file = "pydantic_core-2.16.3-cp39-none-win32.whl", hash = "sha256:e7774b570e61cb998490c5235740d475413a1f6de823169b4cf94e2fe9e9f6b2"}, + {file = "pydantic_core-2.16.3-cp39-none-win_amd64.whl", hash = "sha256:9091632a25b8b87b9a605ec0e61f241c456e9248bfdcf7abdf344fdb169c81cf"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:36fa178aacbc277bc6b62a2c3da95226520da4f4e9e206fdf076484363895d2c"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:dcca5d2bf65c6fb591fff92da03f94cd4f315972f97c21975398bd4bd046854a"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2a72fb9963cba4cd5793854fd12f4cfee731e86df140f59ff52a49b3552db241"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b60cc1a081f80a2105a59385b92d82278b15d80ebb3adb200542ae165cd7d183"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cbcc558401de90a746d02ef330c528f2e668c83350f045833543cd57ecead1ad"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:fee427241c2d9fb7192b658190f9f5fd6dfe41e02f3c1489d2ec1e6a5ab1e04a"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:f4cb85f693044e0f71f394ff76c98ddc1bc0953e48c061725e540396d5c8a2e1"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:b29eeb887aa931c2fcef5aa515d9d176d25006794610c264ddc114c053bf96fe"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:a425479ee40ff021f8216c9d07a6a3b54b31c8267c6e17aa88b70d7ebd0e5e5b"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:5c5cbc703168d1b7a838668998308018a2718c2130595e8e190220238addc96f"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:99b6add4c0b39a513d323d3b93bc173dac663c27b99860dd5bf491b240d26137"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:75f76ee558751746d6a38f89d60b6228fa174e5172d143886af0f85aa306fd89"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:00ee1c97b5364b84cb0bd82e9bbf645d5e2871fb8c58059d158412fee2d33d8a"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:287073c66748f624be4cef893ef9174e3eb88fe0b8a78dc22e88eca4bc357ca6"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:ed25e1835c00a332cb10c683cd39da96a719ab1dfc08427d476bce41b92531fc"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:86b3d0033580bd6bbe07590152007275bd7af95f98eaa5bd36f3da219dcd93da"}, + {file = "pydantic_core-2.16.3.tar.gz", hash = "sha256:1cac689f80a3abab2d3c0048b29eea5751114054f032a941a32de4c852c59cad"}, +] + +[package.dependencies] +typing-extensions = ">=4.6.0,<4.7.0 || >4.7.0" + +[[package]] +name = "pytest" +version = "7.4.4" +description = "pytest: simple powerful testing with Python" +optional = false +python-versions = ">=3.7" +files = [ + {file = "pytest-7.4.4-py3-none-any.whl", hash = "sha256:b090cdf5ed60bf4c45261be03239c2c1c22df034fbffe691abe93cd80cea01d8"}, + {file = "pytest-7.4.4.tar.gz", hash = "sha256:2cf0005922c6ace4a3e2ec8b4080eb0d9753fdc93107415332f50ce9e7994280"}, +] + +[package.dependencies] +colorama = {version = "*", markers = "sys_platform == \"win32\""} +iniconfig = "*" +packaging = "*" +pluggy = ">=0.12,<2.0" + +[package.extras] +testing = ["argcomplete", "attrs (>=19.2.0)", "hypothesis (>=3.56)", "mock", "nose", "pygments (>=2.7.2)", "requests", "setuptools", "xmlschema"] + +[[package]] +name = "pytest-insta" +version = "0.3.0" +description = "A practical snapshot testing plugin for pytest" +optional = false +python-versions = ">=3.10,<4.0" +files = [ + {file = "pytest_insta-0.3.0-py3-none-any.whl", hash = "sha256:93a105e3850f2887b120a581923b10bb313d722e00d369377a1d91aa535df704"}, + {file = "pytest_insta-0.3.0.tar.gz", hash = "sha256:9e6e1c70a021f68ccc4643360b2c2f8326cf3befba85f942c1da17b9caf713f7"}, +] + +[package.dependencies] +pytest = ">=7.2.0,<9.0.0" +wrapt = ">=1.14.1,<2.0.0" + +[[package]] +name = "typing-extensions" +version = "4.10.0" +description = "Backported and Experimental Type Hints for Python 3.8+" +optional = false +python-versions = ">=3.8" +files = [ + {file = "typing_extensions-4.10.0-py3-none-any.whl", hash = "sha256:69b1a937c3a517342112fb4c6df7e72fc39a38e7891a5730ed4985b5214b5475"}, + {file = "typing_extensions-4.10.0.tar.gz", hash = "sha256:b0abd7c89e8fb96f98db18d86106ff1d90ab692004eb746cf6eda2682f91b3cb"}, +] + +[[package]] +name = "wrapt" +version = "1.16.0" +description = "Module for decorators, wrappers and monkey patching." +optional = false +python-versions = ">=3.6" +files = [ + {file = "wrapt-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ffa565331890b90056c01db69c0fe634a776f8019c143a5ae265f9c6bc4bd6d4"}, + {file = "wrapt-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e4fdb9275308292e880dcbeb12546df7f3e0f96c6b41197e0cf37d2826359020"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb2dee3874a500de01c93d5c71415fcaef1d858370d405824783e7a8ef5db440"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a88e6010048489cda82b1326889ec075a8c856c2e6a256072b28eaee3ccf487"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac83a914ebaf589b69f7d0a1277602ff494e21f4c2f743313414378f8f50a4cf"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:73aa7d98215d39b8455f103de64391cb79dfcad601701a3aa0dddacf74911d72"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:807cc8543a477ab7422f1120a217054f958a66ef7314f76dd9e77d3f02cdccd0"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bf5703fdeb350e36885f2875d853ce13172ae281c56e509f4e6eca049bdfb136"}, + {file = "wrapt-1.16.0-cp310-cp310-win32.whl", hash = "sha256:f6b2d0c6703c988d334f297aa5df18c45e97b0af3679bb75059e0e0bd8b1069d"}, + {file = "wrapt-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:decbfa2f618fa8ed81c95ee18a387ff973143c656ef800c9f24fb7e9c16054e2"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1a5db485fe2de4403f13fafdc231b0dbae5eca4359232d2efc79025527375b09"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:75ea7d0ee2a15733684badb16de6794894ed9c55aa5e9903260922f0482e687d"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a452f9ca3e3267cd4d0fcf2edd0d035b1934ac2bd7e0e57ac91ad6b95c0c6389"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43aa59eadec7890d9958748db829df269f0368521ba6dc68cc172d5d03ed8060"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72554a23c78a8e7aa02abbd699d129eead8b147a23c56e08d08dfc29cfdddca1"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d2efee35b4b0a347e0d99d28e884dfd82797852d62fcd7ebdeee26f3ceb72cf3"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:6dcfcffe73710be01d90cae08c3e548d90932d37b39ef83969ae135d36ef3956"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:eb6e651000a19c96f452c85132811d25e9264d836951022d6e81df2fff38337d"}, + {file = "wrapt-1.16.0-cp311-cp311-win32.whl", hash = "sha256:66027d667efe95cc4fa945af59f92c5a02c6f5bb6012bff9e60542c74c75c362"}, + {file = "wrapt-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:aefbc4cb0a54f91af643660a0a150ce2c090d3652cf4052a5397fb2de549cd89"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5eb404d89131ec9b4f748fa5cfb5346802e5ee8836f57d516576e61f304f3b7b"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9090c9e676d5236a6948330e83cb89969f433b1943a558968f659ead07cb3b36"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:94265b00870aa407bd0cbcfd536f17ecde43b94fb8d228560a1e9d3041462d73"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2058f813d4f2b5e3a9eb2eb3faf8f1d99b81c3e51aeda4b168406443e8ba809"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98b5e1f498a8ca1858a1cdbffb023bfd954da4e3fa2c0cb5853d40014557248b"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:14d7dc606219cdd7405133c713f2c218d4252f2a469003f8c46bb92d5d095d81"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:49aac49dc4782cb04f58986e81ea0b4768e4ff197b57324dcbd7699c5dfb40b9"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:418abb18146475c310d7a6dc71143d6f7adec5b004ac9ce08dc7a34e2babdc5c"}, + {file = "wrapt-1.16.0-cp312-cp312-win32.whl", hash = "sha256:685f568fa5e627e93f3b52fda002c7ed2fa1800b50ce51f6ed1d572d8ab3e7fc"}, + {file = "wrapt-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:dcdba5c86e368442528f7060039eda390cc4091bfd1dca41e8046af7c910dda8"}, + {file = "wrapt-1.16.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:d462f28826f4657968ae51d2181a074dfe03c200d6131690b7d65d55b0f360f8"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a33a747400b94b6d6b8a165e4480264a64a78c8a4c734b62136062e9a248dd39"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b3646eefa23daeba62643a58aac816945cadc0afaf21800a1421eeba5f6cfb9c"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ebf019be5c09d400cf7b024aa52b1f3aeebeff51550d007e92c3c1c4afc2a40"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:0d2691979e93d06a95a26257adb7bfd0c93818e89b1406f5a28f36e0d8c1e1fc"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:1acd723ee2a8826f3d53910255643e33673e1d11db84ce5880675954183ec47e"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:bc57efac2da352a51cc4658878a68d2b1b67dbe9d33c36cb826ca449d80a8465"}, + {file = "wrapt-1.16.0-cp36-cp36m-win32.whl", hash = "sha256:da4813f751142436b075ed7aa012a8778aa43a99f7b36afe9b742d3ed8bdc95e"}, + {file = "wrapt-1.16.0-cp36-cp36m-win_amd64.whl", hash = "sha256:6f6eac2360f2d543cc875a0e5efd413b6cbd483cb3ad7ebf888884a6e0d2e966"}, + {file = "wrapt-1.16.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0ea261ce52b5952bf669684a251a66df239ec6d441ccb59ec7afa882265d593"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7bd2d7ff69a2cac767fbf7a2b206add2e9a210e57947dd7ce03e25d03d2de292"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9159485323798c8dc530a224bd3ffcf76659319ccc7bbd52e01e73bd0241a0c5"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a86373cf37cd7764f2201b76496aba58a52e76dedfaa698ef9e9688bfd9e41cf"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:73870c364c11f03ed072dda68ff7aea6d2a3a5c3fe250d917a429c7432e15228"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b935ae30c6e7400022b50f8d359c03ed233d45b725cfdd299462f41ee5ffba6f"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:db98ad84a55eb09b3c32a96c576476777e87c520a34e2519d3e59c44710c002c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win32.whl", hash = "sha256:9153ed35fc5e4fa3b2fe97bddaa7cbec0ed22412b85bcdaf54aeba92ea37428c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win_amd64.whl", hash = "sha256:66dfbaa7cfa3eb707bbfcd46dab2bc6207b005cbc9caa2199bcbc81d95071a00"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1dd50a2696ff89f57bd8847647a1c363b687d3d796dc30d4dd4a9d1689a706f0"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:44a2754372e32ab315734c6c73b24351d06e77ffff6ae27d2ecf14cf3d229202"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e9723528b9f787dc59168369e42ae1c3b0d3fadb2f1a71de14531d321ee05b0"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dbed418ba5c3dce92619656802cc5355cb679e58d0d89b50f116e4a9d5a9603e"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:941988b89b4fd6b41c3f0bfb20e92bd23746579736b7343283297c4c8cbae68f"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:6a42cd0cfa8ffc1915aef79cb4284f6383d8a3e9dcca70c445dcfdd639d51267"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:1ca9b6085e4f866bd584fb135a041bfc32cab916e69f714a7d1d397f8c4891ca"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d5e49454f19ef621089e204f862388d29e6e8d8b162efce05208913dde5b9ad6"}, + {file = "wrapt-1.16.0-cp38-cp38-win32.whl", hash = "sha256:c31f72b1b6624c9d863fc095da460802f43a7c6868c5dda140f51da24fd47d7b"}, + {file = "wrapt-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:490b0ee15c1a55be9c1bd8609b8cecd60e325f0575fc98f50058eae366e01f41"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9b201ae332c3637a42f02d1045e1d0cccfdc41f1f2f801dafbaa7e9b4797bfc2"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2076fad65c6736184e77d7d4729b63a6d1ae0b70da4868adeec40989858eb3fb"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5cd603b575ebceca7da5a3a251e69561bec509e0b46e4993e1cac402b7247b8"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b47cfad9e9bbbed2339081f4e346c93ecd7ab504299403320bf85f7f85c7d46c"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8212564d49c50eb4565e502814f694e240c55551a5f1bc841d4fcaabb0a9b8a"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:5f15814a33e42b04e3de432e573aa557f9f0f56458745c2074952f564c50e664"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:db2e408d983b0e61e238cf579c09ef7020560441906ca990fe8412153e3b291f"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:edfad1d29c73f9b863ebe7082ae9321374ccb10879eeabc84ba3b69f2579d537"}, + {file = "wrapt-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed867c42c268f876097248e05b6117a65bcd1e63b779e916fe2e33cd6fd0d3c3"}, + {file = "wrapt-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:eb1b046be06b0fce7249f1d025cd359b4b80fc1c3e24ad9eca33e0dcdb2e4a35"}, + {file = "wrapt-1.16.0-py3-none-any.whl", hash = "sha256:6906c4100a8fcbf2fa735f6059214bb13b97f75b1a61777fcf6432121ef12ef1"}, + {file = "wrapt-1.16.0.tar.gz", hash = "sha256:5f370f952971e7d17c7d1ead40e49f32345a7f7a5373571ef44d800d06b1899d"}, +] + +[[package]] +name = "xxhash" +version = "3.4.1" +description = "Python binding for xxHash" +optional = false +python-versions = ">=3.7" +files = [ + {file = "xxhash-3.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:91dbfa55346ad3e18e738742236554531a621042e419b70ad8f3c1d9c7a16e7f"}, + {file = "xxhash-3.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:665a65c2a48a72068fcc4d21721510df5f51f1142541c890491afc80451636d2"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb11628470a6004dc71a09fe90c2f459ff03d611376c1debeec2d648f44cb693"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5bef2a7dc7b4f4beb45a1edbba9b9194c60a43a89598a87f1a0226d183764189"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9c0f7b2d547d72c7eda7aa817acf8791f0146b12b9eba1d4432c531fb0352228"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00f2fdef6b41c9db3d2fc0e7f94cb3db86693e5c45d6de09625caad9a469635b"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:23cfd9ca09acaf07a43e5a695143d9a21bf00f5b49b15c07d5388cadf1f9ce11"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6a9ff50a3cf88355ca4731682c168049af1ca222d1d2925ef7119c1a78e95b3b"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:f1d7c69a1e9ca5faa75546fdd267f214f63f52f12692f9b3a2f6467c9e67d5e7"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:672b273040d5d5a6864a36287f3514efcd1d4b1b6a7480f294c4b1d1ee1b8de0"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4178f78d70e88f1c4a89ff1ffe9f43147185930bb962ee3979dba15f2b1cc799"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9804b9eb254d4b8cc83ab5a2002128f7d631dd427aa873c8727dba7f1f0d1c2b"}, + {file = "xxhash-3.4.1-cp310-cp310-win32.whl", hash = "sha256:c09c49473212d9c87261d22c74370457cfff5db2ddfc7fd1e35c80c31a8c14ce"}, + {file = "xxhash-3.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:ebbb1616435b4a194ce3466d7247df23499475c7ed4eb2681a1fa42ff766aff6"}, + {file = "xxhash-3.4.1-cp310-cp310-win_arm64.whl", hash = "sha256:25dc66be3db54f8a2d136f695b00cfe88018e59ccff0f3b8f545869f376a8a46"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:58c49083801885273e262c0f5bbeac23e520564b8357fbb18fb94ff09d3d3ea5"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b526015a973bfbe81e804a586b703f163861da36d186627e27524f5427b0d520"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36ad4457644c91a966f6fe137d7467636bdc51a6ce10a1d04f365c70d6a16d7e"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:248d3e83d119770f96003271fe41e049dd4ae52da2feb8f832b7a20e791d2920"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2070b6d5bbef5ee031666cf21d4953c16e92c2f8a24a94b5c240f8995ba3b1d0"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b2746035f518f0410915e247877f7df43ef3372bf36cfa52cc4bc33e85242641"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a8ba6181514681c2591840d5632fcf7356ab287d4aff1c8dea20f3c78097088"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0aac5010869240e95f740de43cd6a05eae180c59edd182ad93bf12ee289484fa"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4cb11d8debab1626181633d184b2372aaa09825bde709bf927704ed72765bed1"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:b29728cff2c12f3d9f1d940528ee83918d803c0567866e062683f300d1d2eff3"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:a15cbf3a9c40672523bdb6ea97ff74b443406ba0ab9bca10ceccd9546414bd84"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:6e66df260fed01ed8ea790c2913271641c58481e807790d9fca8bfd5a3c13844"}, + {file = "xxhash-3.4.1-cp311-cp311-win32.whl", hash = "sha256:e867f68a8f381ea12858e6d67378c05359d3a53a888913b5f7d35fbf68939d5f"}, + {file = "xxhash-3.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:200a5a3ad9c7c0c02ed1484a1d838b63edcf92ff538770ea07456a3732c577f4"}, + {file = "xxhash-3.4.1-cp311-cp311-win_arm64.whl", hash = "sha256:1d03f1c0d16d24ea032e99f61c552cb2b77d502e545187338bea461fde253583"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c4bbba9b182697a52bc0c9f8ec0ba1acb914b4937cd4a877ad78a3b3eeabefb3"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9fd28a9da300e64e434cfc96567a8387d9a96e824a9be1452a1e7248b7763b78"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6066d88c9329ab230e18998daec53d819daeee99d003955c8db6fc4971b45ca3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:93805bc3233ad89abf51772f2ed3355097a5dc74e6080de19706fc447da99cd3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:64da57d5ed586ebb2ecdde1e997fa37c27fe32fe61a656b77fabbc58e6fbff6e"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7a97322e9a7440bf3c9805cbaac090358b43f650516486746f7fa482672593df"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bbe750d512982ee7d831838a5dee9e9848f3fb440e4734cca3f298228cc957a6"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:fd79d4087727daf4d5b8afe594b37d611ab95dc8e29fe1a7517320794837eb7d"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:743612da4071ff9aa4d055f3f111ae5247342931dedb955268954ef7201a71ff"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:b41edaf05734092f24f48c0958b3c6cbaaa5b7e024880692078c6b1f8247e2fc"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:a90356ead70d715fe64c30cd0969072de1860e56b78adf7c69d954b43e29d9fa"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ac56eebb364e44c85e1d9e9cc5f6031d78a34f0092fea7fc80478139369a8b4a"}, + {file = "xxhash-3.4.1-cp312-cp312-win32.whl", hash = "sha256:911035345932a153c427107397c1518f8ce456f93c618dd1c5b54ebb22e73747"}, + {file = "xxhash-3.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:f31ce76489f8601cc7b8713201ce94b4bd7b7ce90ba3353dccce7e9e1fee71fa"}, + {file = "xxhash-3.4.1-cp312-cp312-win_arm64.whl", hash = "sha256:b5beb1c6a72fdc7584102f42c4d9df232ee018ddf806e8c90906547dfb43b2da"}, + {file = "xxhash-3.4.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:6d42b24d1496deb05dee5a24ed510b16de1d6c866c626c2beb11aebf3be278b9"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3b685fab18876b14a8f94813fa2ca80cfb5ab6a85d31d5539b7cd749ce9e3624"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:419ffe34c17ae2df019a4685e8d3934d46b2e0bbe46221ab40b7e04ed9f11137"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0e041ce5714f95251a88670c114b748bca3bf80cc72400e9f23e6d0d59cf2681"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc860d887c5cb2f524899fb8338e1bb3d5789f75fac179101920d9afddef284b"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:312eba88ffe0a05e332e3a6f9788b73883752be63f8588a6dc1261a3eaaaf2b2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:e01226b6b6a1ffe4e6bd6d08cfcb3ca708b16f02eb06dd44f3c6e53285f03e4f"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:9f3025a0d5d8cf406a9313cd0d5789c77433ba2004b1c75439b67678e5136537"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:6d3472fd4afef2a567d5f14411d94060099901cd8ce9788b22b8c6f13c606a93"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:43984c0a92f06cac434ad181f329a1445017c33807b7ae4f033878d860a4b0f2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a55e0506fdb09640a82ec4f44171273eeabf6f371a4ec605633adb2837b5d9d5"}, + {file = "xxhash-3.4.1-cp37-cp37m-win32.whl", hash = "sha256:faec30437919555b039a8bdbaba49c013043e8f76c999670aef146d33e05b3a0"}, + {file = "xxhash-3.4.1-cp37-cp37m-win_amd64.whl", hash = "sha256:c9e1b646af61f1fc7083bb7b40536be944f1ac67ef5e360bca2d73430186971a"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:961d948b7b1c1b6c08484bbce3d489cdf153e4122c3dfb07c2039621243d8795"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:719a378930504ab159f7b8e20fa2aa1896cde050011af838af7e7e3518dd82de"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:74fb5cb9406ccd7c4dd917f16630d2e5e8cbbb02fc2fca4e559b2a47a64f4940"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5dab508ac39e0ab988039bc7f962c6ad021acd81fd29145962b068df4148c476"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8c59f3e46e7daf4c589e8e853d700ef6607afa037bfad32c390175da28127e8c"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8cc07256eff0795e0f642df74ad096f8c5d23fe66bc138b83970b50fc7f7f6c5"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e9f749999ed80f3955a4af0eb18bb43993f04939350b07b8dd2f44edc98ffee9"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:7688d7c02149a90a3d46d55b341ab7ad1b4a3f767be2357e211b4e893efbaaf6"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a8b4977963926f60b0d4f830941c864bed16aa151206c01ad5c531636da5708e"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:8106d88da330f6535a58a8195aa463ef5281a9aa23b04af1848ff715c4398fb4"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4c76a77dbd169450b61c06fd2d5d436189fc8ab7c1571d39265d4822da16df22"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:11f11357c86d83e53719c592021fd524efa9cf024dc7cb1dfb57bbbd0d8713f2"}, + {file = "xxhash-3.4.1-cp38-cp38-win32.whl", hash = "sha256:0c786a6cd74e8765c6809892a0d45886e7c3dc54de4985b4a5eb8b630f3b8e3b"}, + {file = "xxhash-3.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:aabf37fb8fa27430d50507deeab2ee7b1bcce89910dd10657c38e71fee835594"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6127813abc1477f3a83529b6bbcfeddc23162cece76fa69aee8f6a8a97720562"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ef2e194262f5db16075caea7b3f7f49392242c688412f386d3c7b07c7733a70a"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:71be94265b6c6590f0018bbf73759d21a41c6bda20409782d8117e76cd0dfa8b"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:10e0a619cdd1c0980e25eb04e30fe96cf8f4324758fa497080af9c21a6de573f"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fa122124d2e3bd36581dd78c0efa5f429f5220313479fb1072858188bc2d5ff1"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17032f5a4fea0a074717fe33477cb5ee723a5f428de7563e75af64bfc1b1e10"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ca7783b20e3e4f3f52f093538895863f21d18598f9a48211ad757680c3bd006f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d77d09a1113899fad5f354a1eb4f0a9afcf58cefff51082c8ad643ff890e30cf"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:21287bcdd299fdc3328cc0fbbdeaa46838a1c05391264e51ddb38a3f5b09611f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:dfd7a6cc483e20b4ad90224aeb589e64ec0f31e5610ab9957ff4314270b2bf31"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:543c7fcbc02bbb4840ea9915134e14dc3dc15cbd5a30873a7a5bf66039db97ec"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:fe0a98d990e433013f41827b62be9ab43e3cf18e08b1483fcc343bda0d691182"}, + {file = "xxhash-3.4.1-cp39-cp39-win32.whl", hash = "sha256:b9097af00ebf429cc7c0e7d2fdf28384e4e2e91008130ccda8d5ae653db71e54"}, + {file = "xxhash-3.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:d699b921af0dcde50ab18be76c0d832f803034d80470703700cb7df0fbec2832"}, + {file = "xxhash-3.4.1-cp39-cp39-win_arm64.whl", hash = "sha256:2be491723405e15cc099ade1280133ccfbf6322d2ef568494fb7d07d280e7eee"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:431625fad7ab5649368c4849d2b49a83dc711b1f20e1f7f04955aab86cd307bc"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc6dbd5fc3c9886a9e041848508b7fb65fd82f94cc793253990f81617b61fe49"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3ff8dbd0ec97aec842476cb8ccc3e17dd288cd6ce3c8ef38bff83d6eb927817"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef73a53fe90558a4096e3256752268a8bdc0322f4692ed928b6cd7ce06ad4fe3"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:450401f42bbd274b519d3d8dcf3c57166913381a3d2664d6609004685039f9d3"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a162840cf4de8a7cd8720ff3b4417fbc10001eefdd2d21541a8226bb5556e3bb"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b736a2a2728ba45017cb67785e03125a79d246462dfa892d023b827007412c52"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0ae4c2e7698adef58710d6e7a32ff518b66b98854b1c68e70eee504ad061d8"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d6322c4291c3ff174dcd104fae41500e75dad12be6f3085d119c2c8a80956c51"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:dd59ed668801c3fae282f8f4edadf6dc7784db6d18139b584b6d9677ddde1b6b"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:92693c487e39523a80474b0394645b393f0ae781d8db3474ccdcead0559ccf45"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4603a0f642a1e8d7f3ba5c4c25509aca6a9c1cc16f85091004a7028607ead663"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6fa45e8cbfbadb40a920fe9ca40c34b393e0b067082d94006f7f64e70c7490a6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:595b252943b3552de491ff51e5bb79660f84f033977f88f6ca1605846637b7c6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:562d8b8f783c6af969806aaacf95b6c7b776929ae26c0cd941d54644ea7ef51e"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:41ddeae47cf2828335d8d991f2d2b03b0bdc89289dc64349d712ff8ce59d0647"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c44d584afdf3c4dbb3277e32321d1a7b01d6071c1992524b6543025fb8f4206f"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd7bddb3a5b86213cc3f2c61500c16945a1b80ecd572f3078ddbbe68f9dabdfb"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9ecb6c987b62437c2f99c01e97caf8d25660bf541fe79a481d05732e5236719c"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:696b4e18b7023527d5c50ed0626ac0520edac45a50ec7cf3fc265cd08b1f4c03"}, + {file = "xxhash-3.4.1.tar.gz", hash = "sha256:0379d6cf1ff987cd421609a264ce025e74f346e3e145dd106c0cc2e3ec3f99a9"}, +] + +[[package]] +name = "yarl" +version = "1.9.4" +description = "Yet another URL library" +optional = false +python-versions = ">=3.7" +files = [ + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a8c1df72eb746f4136fe9a2e72b0c9dc1da1cbd23b5372f94b5820ff8ae30e0e"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a3a6ed1d525bfb91b3fc9b690c5a21bb52de28c018530ad85093cc488bee2dd2"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c38c9ddb6103ceae4e4498f9c08fac9b590c5c71b0370f98714768e22ac6fa66"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9e09c9d74f4566e905a0b8fa668c58109f7624db96a2171f21747abc7524234"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b8477c1ee4bd47c57d49621a062121c3023609f7a13b8a46953eb6c9716ca392"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5ff2c858f5f6a42c2a8e751100f237c5e869cbde669a724f2062d4c4ef93551"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:357495293086c5b6d34ca9616a43d329317feab7917518bc97a08f9e55648455"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54525ae423d7b7a8ee81ba189f131054defdb122cde31ff17477951464c1691c"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:801e9264d19643548651b9db361ce3287176671fb0117f96b5ac0ee1c3530d53"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e516dc8baf7b380e6c1c26792610230f37147bb754d6426462ab115a02944385"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:7d5aaac37d19b2904bb9dfe12cdb08c8443e7ba7d2852894ad448d4b8f442863"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:54beabb809ffcacbd9d28ac57b0db46e42a6e341a030293fb3185c409e626b8b"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bac8d525a8dbc2a1507ec731d2867025d11ceadcb4dd421423a5d42c56818541"}, + {file = "yarl-1.9.4-cp310-cp310-win32.whl", hash = "sha256:7855426dfbddac81896b6e533ebefc0af2f132d4a47340cee6d22cac7190022d"}, + {file = "yarl-1.9.4-cp310-cp310-win_amd64.whl", hash = "sha256:848cd2a1df56ddbffeb375535fb62c9d1645dde33ca4d51341378b3f5954429b"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:35a2b9396879ce32754bd457d31a51ff0a9d426fd9e0e3c33394bf4b9036b099"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c7d56b293cc071e82532f70adcbd8b61909eec973ae9d2d1f9b233f3d943f2c"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d8a1c6c0be645c745a081c192e747c5de06e944a0d21245f4cf7c05e457c36e0"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b3c1ffe10069f655ea2d731808e76e0f452fc6c749bea04781daf18e6039525"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:549d19c84c55d11687ddbd47eeb348a89df9cb30e1993f1b128f4685cd0ebbf8"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a7409f968456111140c1c95301cadf071bd30a81cbd7ab829169fb9e3d72eae9"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e23a6d84d9d1738dbc6e38167776107e63307dfc8ad108e580548d1f2c587f42"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d8b889777de69897406c9fb0b76cdf2fd0f31267861ae7501d93003d55f54fbe"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:03caa9507d3d3c83bca08650678e25364e1843b484f19986a527630ca376ecce"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4e9035df8d0880b2f1c7f5031f33f69e071dfe72ee9310cfc76f7b605958ceb9"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:c0ec0ed476f77db9fb29bca17f0a8fcc7bc97ad4c6c1d8959c507decb22e8572"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:ee04010f26d5102399bd17f8df8bc38dc7ccd7701dc77f4a68c5b8d733406958"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:49a180c2e0743d5d6e0b4d1a9e5f633c62eca3f8a86ba5dd3c471060e352ca98"}, + {file = "yarl-1.9.4-cp311-cp311-win32.whl", hash = "sha256:81eb57278deb6098a5b62e88ad8281b2ba09f2f1147c4767522353eaa6260b31"}, + {file = "yarl-1.9.4-cp311-cp311-win_amd64.whl", hash = "sha256:d1d2532b340b692880261c15aee4dc94dd22ca5d61b9db9a8a361953d36410b1"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0d2454f0aef65ea81037759be5ca9947539667eecebca092733b2eb43c965a81"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:44d8ffbb9c06e5a7f529f38f53eda23e50d1ed33c6c869e01481d3fafa6b8142"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aaaea1e536f98754a6e5c56091baa1b6ce2f2700cc4a00b0d49eca8dea471074"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3777ce5536d17989c91696db1d459574e9a9bd37660ea7ee4d3344579bb6f129"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9fc5fc1eeb029757349ad26bbc5880557389a03fa6ada41703db5e068881e5f2"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ea65804b5dc88dacd4a40279af0cdadcfe74b3e5b4c897aa0d81cf86927fee78"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa102d6d280a5455ad6a0f9e6d769989638718e938a6a0a2ff3f4a7ff8c62cc4"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:09efe4615ada057ba2d30df871d2f668af661e971dfeedf0c159927d48bbeff0"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:008d3e808d03ef28542372d01057fd09168419cdc8f848efe2804f894ae03e51"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6f5cb257bc2ec58f437da2b37a8cd48f666db96d47b8a3115c29f316313654ff"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:992f18e0ea248ee03b5a6e8b3b4738850ae7dbb172cc41c966462801cbf62cf7"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:0e9d124c191d5b881060a9e5060627694c3bdd1fe24c5eecc8d5d7d0eb6faabc"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:3986b6f41ad22988e53d5778f91855dc0399b043fc8946d4f2e68af22ee9ff10"}, + {file = "yarl-1.9.4-cp312-cp312-win32.whl", hash = "sha256:4b21516d181cd77ebd06ce160ef8cc2a5e9ad35fb1c5930882baff5ac865eee7"}, + {file = "yarl-1.9.4-cp312-cp312-win_amd64.whl", hash = "sha256:a9bd00dc3bc395a662900f33f74feb3e757429e545d831eef5bb280252631984"}, + {file = "yarl-1.9.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:63b20738b5aac74e239622d2fe30df4fca4942a86e31bf47a81a0e94c14df94f"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7d7f7de27b8944f1fee2c26a88b4dabc2409d2fea7a9ed3df79b67277644e17"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c74018551e31269d56fab81a728f683667e7c28c04e807ba08f8c9e3bba32f14"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ca06675212f94e7a610e85ca36948bb8fc023e458dd6c63ef71abfd482481aa5"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5aef935237d60a51a62b86249839b51345f47564208c6ee615ed2a40878dccdd"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2b134fd795e2322b7684155b7855cc99409d10b2e408056db2b93b51a52accc7"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d25039a474c4c72a5ad4b52495056f843a7ff07b632c1b92ea9043a3d9950f6e"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f7d6b36dd2e029b6bcb8a13cf19664c7b8e19ab3a58e0fefbb5b8461447ed5ec"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:957b4774373cf6f709359e5c8c4a0af9f6d7875db657adb0feaf8d6cb3c3964c"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d7eeb6d22331e2fd42fce928a81c697c9ee2d51400bd1a28803965883e13cead"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:6a962e04b8f91f8c4e5917e518d17958e3bdee71fd1d8b88cdce74dd0ebbf434"}, + {file = "yarl-1.9.4-cp37-cp37m-win32.whl", hash = "sha256:f3bc6af6e2b8f92eced34ef6a96ffb248e863af20ef4fde9448cc8c9b858b749"}, + {file = "yarl-1.9.4-cp37-cp37m-win_amd64.whl", hash = "sha256:ad4d7a90a92e528aadf4965d685c17dacff3df282db1121136c382dc0b6014d2"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:ec61d826d80fc293ed46c9dd26995921e3a82146feacd952ef0757236fc137be"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:8be9e837ea9113676e5754b43b940b50cce76d9ed7d2461df1af39a8ee674d9f"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bef596fdaa8f26e3d66af846bbe77057237cb6e8efff8cd7cc8dff9a62278bbf"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d47552b6e52c3319fede1b60b3de120fe83bde9b7bddad11a69fb0af7db32f1"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:84fc30f71689d7fc9168b92788abc977dc8cefa806909565fc2951d02f6b7d57"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4aa9741085f635934f3a2583e16fcf62ba835719a8b2b28fb2917bb0537c1dfa"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:206a55215e6d05dbc6c98ce598a59e6fbd0c493e2de4ea6cc2f4934d5a18d130"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:07574b007ee20e5c375a8fe4a0789fad26db905f9813be0f9fef5a68080de559"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5a2e2433eb9344a163aced6a5f6c9222c0786e5a9e9cac2c89f0b28433f56e23"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:6ad6d10ed9b67a382b45f29ea028f92d25bc0bc1daf6c5b801b90b5aa70fb9ec"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:6fe79f998a4052d79e1c30eeb7d6c1c1056ad33300f682465e1b4e9b5a188b78"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a825ec844298c791fd28ed14ed1bffc56a98d15b8c58a20e0e08c1f5f2bea1be"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8619d6915b3b0b34420cf9b2bb6d81ef59d984cb0fde7544e9ece32b4b3043c3"}, + {file = "yarl-1.9.4-cp38-cp38-win32.whl", hash = "sha256:686a0c2f85f83463272ddffd4deb5e591c98aac1897d65e92319f729c320eece"}, + {file = "yarl-1.9.4-cp38-cp38-win_amd64.whl", hash = "sha256:a00862fb23195b6b8322f7d781b0dc1d82cb3bcac346d1e38689370cc1cc398b"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:604f31d97fa493083ea21bd9b92c419012531c4e17ea6da0f65cacdcf5d0bd27"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:8a854227cf581330ffa2c4824d96e52ee621dd571078a252c25e3a3b3d94a1b1"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ba6f52cbc7809cd8d74604cce9c14868306ae4aa0282016b641c661f981a6e91"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a6327976c7c2f4ee6816eff196e25385ccc02cb81427952414a64811037bbc8b"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8397a3817d7dcdd14bb266283cd1d6fc7264a48c186b986f32e86d86d35fbac5"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0381b4ce23ff92f8170080c97678040fc5b08da85e9e292292aba67fdac6c34"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:23d32a2594cb5d565d358a92e151315d1b2268bc10f4610d098f96b147370136"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ddb2a5c08a4eaaba605340fdee8fc08e406c56617566d9643ad8bf6852778fc7"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:26a1dc6285e03f3cc9e839a2da83bcbf31dcb0d004c72d0730e755b33466c30e"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:18580f672e44ce1238b82f7fb87d727c4a131f3a9d33a5e0e82b793362bf18b4"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:29e0f83f37610f173eb7e7b5562dd71467993495e568e708d99e9d1944f561ec"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:1f23e4fe1e8794f74b6027d7cf19dc25f8b63af1483d91d595d4a07eca1fb26c"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:db8e58b9d79200c76956cefd14d5c90af54416ff5353c5bfd7cbe58818e26ef0"}, + {file = "yarl-1.9.4-cp39-cp39-win32.whl", hash = "sha256:c7224cab95645c7ab53791022ae77a4509472613e839dab722a72abe5a684575"}, + {file = "yarl-1.9.4-cp39-cp39-win_amd64.whl", hash = "sha256:824d6c50492add5da9374875ce72db7a0733b29c2394890aef23d533106e2b15"}, + {file = "yarl-1.9.4-py3-none-any.whl", hash = "sha256:928cecb0ef9d5a7946eb6ff58417ad2fe9375762382f1bf5c55e61645f2c43ad"}, + {file = "yarl-1.9.4.tar.gz", hash = "sha256:566db86717cf8080b99b58b083b773a908ae40f06681e87e589a976faf8246bf"}, +] + +[package.dependencies] +idna = ">=2.0" +multidict = ">=4.0" + +[metadata] +lock-version = "2.0" +python-versions = "^3.11" +content-hash = "ecec719ea550f8e4341577e3b277ef860e33f227b3cf670731ecc9c360452182" diff --git a/source-google-sheets-native/pyproject.toml b/source-google-sheets-native/pyproject.toml new file mode 100644 index 0000000000..581c23e8f7 --- /dev/null +++ b/source-google-sheets-native/pyproject.toml @@ -0,0 +1,20 @@ +[tool.poetry] +name = "source_google_sheets_native" +version = "0.1.0" +description = "" +authors = ["Johnny Graettinger "] + +[tool.poetry.dependencies] +estuary-cdk = {path="../estuary-cdk", develop = true} +pydantic = "^2" +python = "^3.11" + +[tool.poetry.group.dev.dependencies] +debugpy = "^1.8.0" +mypy = "^1.8.0" +pytest = "^7.4.3" +pytest-insta = "^0.3.0" + +[build-system] +requires = ["poetry-core"] +build-backend = "poetry.core.masonry.api" \ No newline at end of file diff --git a/source-google-sheets-native/source_google_sheets_native/__init__.py b/source-google-sheets-native/source_google_sheets_native/__init__.py new file mode 100644 index 0000000000..2c937e6f2d --- /dev/null +++ b/source-google-sheets-native/source_google_sheets_native/__init__.py @@ -0,0 +1,63 @@ +from logging import Logger +from typing import Callable, Awaitable + +from estuary_cdk.flow import ( + ConnectorSpec, +) +from estuary_cdk.capture import ( + BaseCaptureConnector, + Request, + Task, + common, + request, + response, +) +from estuary_cdk.http import HTTPMixin + +from .resources import all_resources +from .models import ( + ConnectorState, + EndpointConfig, + OAUTH2_SPEC, + ResourceConfig, +) + +class Connector( + BaseCaptureConnector[EndpointConfig, ResourceConfig, ConnectorState], + HTTPMixin, +): + def request_class(self): + return Request[EndpointConfig, ResourceConfig, ConnectorState] + + async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: + return ConnectorSpec( + configSchema=EndpointConfig.model_json_schema(), + documentationUrl="https://docs.estuary.dev", + oauth2=OAUTH2_SPEC, + resourceConfigSchema=ResourceConfig.model_json_schema(), + resourcePathPointers=ResourceConfig.PATH_POINTERS, + ) + + async def discover( + self, discover: request.Discover[EndpointConfig], logger: Logger + ) -> response.Discovered[ResourceConfig]: + resources = await all_resources(self, discover.config, logger) + return common.discovered(resources) + + async def validate( + self, + validate: request.Validate[EndpointConfig, ResourceConfig], + logger: Logger, + ) -> response.Validated: + resources = await all_resources(self, validate.config, logger) + resolved = common.resolve_bindings(validate.bindings, resources, resource_term="Sheet") + return common.validated(resolved) + + async def open( + self, + open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], + logger: Logger, + ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: + resources = await all_resources(self, open.capture.config, logger) + resolved = common.resolve_bindings(open.capture.bindings, resources, resource_term="Sheet") + return common.open(open, resolved) diff --git a/source-google-sheets-native/source_google_sheets_native/__main__.py b/source-google-sheets-native/source_google_sheets_native/__main__.py new file mode 100644 index 0000000000..069df43cd9 --- /dev/null +++ b/source-google-sheets-native/source_google_sheets_native/__main__.py @@ -0,0 +1,4 @@ +import asyncio +import source_google_sheets_native + +asyncio.run(source_google_sheets_native.Connector().serve()) diff --git a/source-google-sheets-native/source_google_sheets_native/api.py b/source-google-sheets-native/source_google_sheets_native/api.py new file mode 100644 index 0000000000..e5ab4392f6 --- /dev/null +++ b/source-google-sheets-native/source_google_sheets_native/api.py @@ -0,0 +1,108 @@ +from datetime import datetime, timedelta +from decimal import Decimal +from estuary_cdk.http import HTTPSession +from logging import Logger +from typing import Iterable, Any +from zoneinfo import ZoneInfo + +from .models import ( + NumberType, + Row, + Sheet, + Spreadsheet, +) + +API = "https://sheets.googleapis.com" + + +async def fetch_spreadsheet( + http: HTTPSession, spreadsheet_id: str, logger: Logger +) -> Spreadsheet: + url = f"{API}/v4/spreadsheets/{spreadsheet_id}" + + return Spreadsheet.model_validate_json(await http.request(url)) + + +async def fetch_rows( + http: HTTPSession, spreadsheet_id: str, sheet: Sheet, logger: Logger +) -> Iterable[Row]: + + url = f"{API}/v4/spreadsheets/{spreadsheet_id}" + params = { + "ranges": [sheet.properties.title], + "fields": "properties,sheets.properties,sheets.data(rowData.values(effectiveFormat(numberFormat(type)),effectiveValue))", + } + + spreadsheet = Spreadsheet.model_validate_json( + await http.request(url, params=params) + ) + + if len(spreadsheet.sheets) == 0: + raise RuntimeError(f"Spreadsheet sheet '{sheet}' was not found") + + sheet = spreadsheet.sheets[0] + assert sheet.data + rows = sheet.data[0].rowData + + headers = default_column_headers(sheet.properties.gridProperties.columnCount) + + # Augment with headers from a frozen row, if there is one. + if sheet.properties.gridProperties.frozenRowCount == 1: + for ind, column in enumerate(rows[0].values): + if (ev := column.effectiveValue) and ev.stringValue: + headers[ind] = ev.stringValue + rows.pop(0) + + # https://developers.google.com/sheets/api/reference/rest/v4/DateTimeRenderOption + user_tz = ZoneInfo(spreadsheet.properties.timeZone) + lotus_epoch = datetime(1899, 12, 30, tzinfo=user_tz) + + return ( + convert_row(id, headers, row.values, lotus_epoch) for id, row in enumerate(rows) + ) + + +def convert_row( + id: int, headers: list[str], columns: list[Sheet.Value], epoch: datetime +) -> Row: + d: dict[str, Any] = {} + + for ind, column in enumerate(columns): + if not isinstance((ev := column.effectiveValue), Sheet.EffectiveValue): + continue + + if isinstance((sv := ev.stringValue), str): + d[headers[ind]] = sv + + if isinstance((nv := ev.numberValue), Decimal): + nt = ( + isinstance((ef := column.effectiveFormat), Sheet.EffectiveFormat) + and ef.numberFormat.type + ) + + if nt == NumberType.DATE_TIME: + days, partial_day = divmod(nv, 1) + d[headers[ind]] = epoch + timedelta( + days=int(days), seconds=float(partial_day * 86400) + ) + elif nt == NumberType.DATE: + days, partial_day = divmod(nv, 1) + d[headers[ind]] = (epoch + timedelta(days=int(days))).date() + else: + d[headers[ind]] = nv + + return Row(_meta=Row.Meta(op="u", row_id=id), **d) + + +def default_column_headers(n: int) -> list[str]: + """ + Generates a list of Google Sheets column identifiers (A, B, C, ..., AA, AB, ...) for a given number of columns. + """ + columns = [] + for i in range(1, n + 1): + column = "" + while i > 0: + i, remainder = divmod(i - 1, 26) + column = chr(65 + remainder) + column + columns.append(column) + return columns diff --git a/source-google-sheets-native/source_google_sheets_native/models.py b/source-google-sheets-native/source_google_sheets_native/models.py new file mode 100644 index 0000000000..8c492e1b5f --- /dev/null +++ b/source-google-sheets-native/source_google_sheets_native/models.py @@ -0,0 +1,131 @@ +from decimal import Decimal +from enum import StrEnum +from pydantic import BaseModel, Field, model_validator +from typing import TYPE_CHECKING + +from estuary_cdk.capture.common import ( + ConnectorState as GenericConnectorState, + AccessToken, + BaseDocument, + BaseOAuth2Credentials, + OAuth2Spec, + ResourceConfig, + ResourceState, +) + + +# TODO(johnny): Lift this string building into higher-order helpers. +OAUTH2_SPEC = OAuth2Spec( + provider="google", + authUrlTemplate="https://accounts.google.com/o/oauth2/auth?access_type=offline&prompt=consent&client_id={{#urlencode}}{{{ client_id }}}{{/urlencode}}&redirect_uri={{#urlencode}}{{{ redirect_uri }}}{{/urlencode}}&response_type=code&scope=https://www.googleapis.com/auth/spreadsheets.readonly https://www.googleapis.com/auth/drive.readonly&state={{#urlencode}}{{{ state }}}{{/urlencode}}", + accessTokenUrlTemplate="https://oauth2.googleapis.com/token", + accessTokenHeaders={"content-type": "application/x-www-form-urlencoded"}, + accessTokenBody=( + '{"grant_type": "authorization_code", "client_id": "{{{ client_id }}}", "client_secret": "{{{ client_secret }}}", "redirect_uri": "{{{ redirect_uri }}}", "code": "{{{ code }}}"}' + ), + accessTokenResponseMap={"refresh_token": "/refresh_token"}, +) + + +if TYPE_CHECKING: + OAuth2Credentials = BaseOAuth2Credentials +else: + OAuth2Credentials = BaseOAuth2Credentials.for_provider(OAUTH2_SPEC.provider) + + +class EndpointConfig(BaseModel): + credentials: OAuth2Credentials | AccessToken = Field( + discriminator="credentials_title", + title="Authentication", + ) + spreadsheet_url: str = Field( + description="URL of the Google Spreadsheet", + pattern="^https://docs.google.com/spreadsheets/", + ) + + +# We use ResourceState directly, without extending it. +ConnectorState = GenericConnectorState[ResourceState] + + +class NumberType(StrEnum): + CURRENCY = "CURRENCY" + DATE = "DATE" + DATE_TIME = "DATE_TIME" + PERCENT = "PERCENT" + + +class Sheet(BaseModel, extra="forbid"): + """ + Models a Google Spreadsheet Sheet. + See: https://developers.google.com/sheets/api/reference/rest/v4/spreadsheets/sheets + """ + + class Properties(BaseModel, extra="forbid"): + class Grid(BaseModel, extra="forbid"): + rowCount: int + columnCount: int + frozenRowCount: int = 0 + + sheetId: int + title: str + index: int + sheetType: str + gridProperties: Grid + + properties: Properties + + class EffectiveValue(BaseModel, extra="forbid"): + stringValue: str | None = None + numberValue: Decimal | None = None + errorValue: dict | None = None + + class EffectiveFormat(BaseModel, extra="forbid"): + numberFormat: "Sheet.NumberFormat" + + class NumberFormat(BaseModel, extra="forbid"): + type: NumberType + + class Value(BaseModel, extra="forbid"): + effectiveFormat: "Sheet.EffectiveFormat | None" = None + effectiveValue: "Sheet.EffectiveValue | None" = None + + class RowData(BaseModel, extra="forbid"): + values: list["Sheet.Value"] + + class Data(BaseModel, extra="forbid"): + rowData: list["Sheet.RowData"] + + @model_validator(mode="after") + def _post_init(self) -> "Sheet.Data": + # Remove all trailing rows which have no set cells. + while self.rowData: + if all(not v.effectiveValue for v in self.rowData[-1].values): + self.rowData.pop() + else: + break + + return self + + data: tuple[Data] | None = None # When present, it's always a single element. + + +class Spreadsheet(BaseModel): + """ + Models a Google Spreadsheet. + See: https://developers.google.com/sheets/api/reference/rest/v4/spreadsheets/sheets + """ + + class Properties(BaseModel): + title: str + locale: str + autoRecalc: str + timeZone: str + + properties: Properties + + sheets: list[Sheet] + + +class Row(BaseDocument, extra="allow"): + pass diff --git a/source-google-sheets-native/source_google_sheets_native/resources.py b/source-google-sheets-native/source_google_sheets_native/resources.py new file mode 100644 index 0000000000..5326e7c3fb --- /dev/null +++ b/source-google-sheets-native/source_google_sheets_native/resources.py @@ -0,0 +1,73 @@ +from datetime import timedelta +from logging import Logger +from typing import AsyncGenerator +import re + +from estuary_cdk.flow import CaptureBinding, ValidationError +from estuary_cdk.capture import common, Task +from estuary_cdk.http import HTTPSession, HTTPMixin, TokenSource + +from .models import ( + EndpointConfig, + OAUTH2_SPEC, + ResourceConfig, + ResourceState, + Row, + Sheet, +) +from .api import ( + fetch_spreadsheet, + fetch_rows, +) + + +async def all_resources( + http: HTTPMixin, config: EndpointConfig, logger: Logger +) -> list[common.Resource]: + http.token_source = TokenSource(spec=OAUTH2_SPEC, credentials=config.credentials) + spreadsheet_id = get_spreadsheet_id(config.spreadsheet_url) + + spreadsheet = await fetch_spreadsheet(http, spreadsheet_id, logger) + return [sheet(http, spreadsheet_id, s) for s in spreadsheet.sheets] + + +def get_spreadsheet_id(url: str): + m = re.search(r"(/)([-\w]{20,})([/]?)", url) + if m is not None and m.group(2): + return m.group(2) + raise ValidationError([f"invalid spreadsheet URL: {url}"]) + + +def sheet(http: HTTPSession, spreadsheet_id: str, sheet: Sheet): + + async def snapshot(logger: Logger) -> AsyncGenerator[Row, None]: + rows = await fetch_rows(http, spreadsheet_id, sheet, logger) + for row in rows: + yield row + + def open( + binding: CaptureBinding[ResourceConfig], + binding_index: int, + state: ResourceState, + task: Task, + ): + common.open_binding( + binding, + binding_index, + state, + task, + fetch_snapshot=snapshot, + tombstone=Row(_meta=Row.Meta(op="d")), + ) + + return common.Resource( + name=sheet.properties.title, + key=["/_meta/row_id"], + model=Row, + open=open, + initial_state=ResourceState(), + initial_config=ResourceConfig( + name=sheet.properties.title, interval=timedelta(seconds=30) + ), + schema_inference=True, + ) diff --git a/source-google-sheets-native/test.flow.yaml b/source-google-sheets-native/test.flow.yaml new file mode 100644 index 0000000000..71adf55586 --- /dev/null +++ b/source-google-sheets-native/test.flow.yaml @@ -0,0 +1,29 @@ +--- +import: + - acmeCo/flow.yaml +captures: + acmeCo/source-google-sheets: + endpoint: + local: + command: + - python + # - "-m" + # - "debugpy" + # - "--listen" + # - "0.0.0.0:5678" + # - "--wait-for-client" + - "-m" + - source_google_sheets_native + config: config.yaml + bindings: + - resource: + name: VariousTypes + interval: PT5S + target: acmeCo/VariousTypes + - resource: + name: OtherThings + interval: PT5S + target: acmeCo/OtherThings + interval: 3m + shards: + logLevel: debug diff --git a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__capture__stdout.json b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__capture__stdout.json new file mode 100644 index 0000000000..265df0f39c --- /dev/null +++ b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__capture__stdout.json @@ -0,0 +1,328 @@ +[ + [ + "acmeCo/VariousTypes", + { + "CurrencyOrPercent": "4.25", + "DateOrTime": "2015-11-15T14:45:28-05:00", + "Name": "Alice", + "Number": "3", + "_meta": { + "op": "c", + "row_id": 0 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "CurrencyOrPercent": "4.25", + "DateOrTime": "2015-11-15T14:45:28-05:00", + "Name": "Alice", + "Number": "3", + "_meta": { + "op": "u", + "row_id": 0 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "CurrencyOrPercent": "8", + "Name": "Todd!", + "Number": "5", + "_meta": { + "op": "c", + "row_id": 1 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "CurrencyOrPercent": "8", + "Name": "Todd!", + "Number": "5", + "_meta": { + "op": "u", + "row_id": 1 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "DateOrTime": "fixed!!", + "Name": "S&P", + "Number": "5078.12", + "_meta": { + "op": "c", + "row_id": 2 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "DateOrTime": "fixed!!", + "Name": "S&P", + "Number": "5078.12", + "_meta": { + "op": "u", + "row_id": 2 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "CurrencyOrPercent": "0.23", + "DateOrTime": "2023-12-07", + "Name": "APPL", + "Number": "182.63", + "_meta": { + "op": "c", + "row_id": 3 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "CurrencyOrPercent": "0.23", + "DateOrTime": "2023-12-07", + "Name": "APPL", + "Number": "182.63", + "_meta": { + "op": "u", + "row_id": 3 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "DateOrTime": "2015-11-26T00:31:15-05:00", + "Name": "Added again", + "Number": "3124", + "_meta": { + "op": "c", + "row_id": 4 + } + } + ], + [ + "acmeCo/VariousTypes", + { + "DateOrTime": "2015-11-26T00:31:15-05:00", + "Name": "Added again", + "Number": "3124", + "_meta": { + "op": "u", + "row_id": 4 + } + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FA==\",\"pr\":1344,\"pd\":{\"_meta\":{\"uuid\":\"465302cb-d3ba-11ed-8401-05960f97d672\"},\"mapped\":0,\"message\":\"Hello #18220\",\"num\":912},\"nr\":1351,\"nd\":{\"_meta\":{\"uuid\":\"4c4bec91-d3ba-11ed-8401-05960f97d672\"},\"mapped\":0,\"message\":\"Hello #18240\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 0 + }, + "mapped": "0", + "message": "Hello #18240", + "num": "913" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FA==\",\"pr\":1344,\"pd\":{\"_meta\":{\"uuid\":\"465302cb-d3ba-11ed-8401-05960f97d672\"},\"mapped\":0,\"message\":\"Hello #18220\",\"num\":912},\"nr\":1351,\"nd\":{\"_meta\":{\"uuid\":\"4c4bec91-d3ba-11ed-8401-05960f97d672\"},\"mapped\":0,\"message\":\"Hello #18240\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 0 + }, + "mapped": "0", + "message": "Hello #18240", + "num": "913" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQE=\",\"pr\":1344,\"pd\":{\"_meta\":{\"uuid\":\"469f7d36-d3ba-11ed-8401-05960f97d672\"},\"mapped\":1,\"message\":\"Hello #18221\",\"num\":912},\"nr\":1352,\"nd\":{\"_meta\":{\"uuid\":\"4c985608-d3ba-11ed-8401-05960f97d672\"},\"mapped\":1,\"message\":\"Hello #18241\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 1 + }, + "mapped": "1", + "message": "Hello #18241", + "num": "914" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQE=\",\"pr\":1344,\"pd\":{\"_meta\":{\"uuid\":\"469f7d36-d3ba-11ed-8401-05960f97d672\"},\"mapped\":1,\"message\":\"Hello #18221\",\"num\":912},\"nr\":1352,\"nd\":{\"_meta\":{\"uuid\":\"4c985608-d3ba-11ed-8401-05960f97d672\"},\"mapped\":1,\"message\":\"Hello #18241\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 1 + }, + "mapped": "1", + "message": "Hello #18241", + "num": "914" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQI=\",\"pr\":1345,\"pd\":{\"_meta\":{\"uuid\":\"46ec48bf-d3ba-11ed-8401-05960f97d672\"},\"mapped\":2,\"message\":\"Hello #18222\",\"num\":912},\"nr\":1352,\"nd\":{\"_meta\":{\"uuid\":\"4ce47423-d3ba-11ed-8401-05960f97d672\"},\"mapped\":2,\"message\":\"Hello #18242\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 2 + }, + "mapped": "2", + "message": "Hello #18242", + "num": "915" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQI=\",\"pr\":1345,\"pd\":{\"_meta\":{\"uuid\":\"46ec48bf-d3ba-11ed-8401-05960f97d672\"},\"mapped\":2,\"message\":\"Hello #18222\",\"num\":912},\"nr\":1352,\"nd\":{\"_meta\":{\"uuid\":\"4ce47423-d3ba-11ed-8401-05960f97d672\"},\"mapped\":2,\"message\":\"Hello #18242\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 2 + }, + "mapped": "2", + "message": "Hello #18242", + "num": "915" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQM=\",\"pr\":1345,\"pd\":{\"_meta\":{\"uuid\":\"4738cdc2-d3ba-11ed-8401-05960f97d672\"},\"mapped\":3,\"message\":\"Hello #18223\",\"num\":912},\"nr\":1353,\"nd\":{\"_meta\":{\"uuid\":\"4d313c4a-d3ba-11ed-8401-05960f97d672\"},\"mapped\":3,\"message\":\"Hello #18243\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 3 + }, + "mapped": "3", + "message": "Hello #18243", + "num": "916" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQM=\",\"pr\":1345,\"pd\":{\"_meta\":{\"uuid\":\"4738cdc2-d3ba-11ed-8401-05960f97d672\"},\"mapped\":3,\"message\":\"Hello #18223\",\"num\":912},\"nr\":1353,\"nd\":{\"_meta\":{\"uuid\":\"4d313c4a-d3ba-11ed-8401-05960f97d672\"},\"mapped\":3,\"message\":\"Hello #18243\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 3 + }, + "mapped": "3", + "message": "Hello #18243", + "num": "916" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQQ=\",\"pr\":1345,\"pd\":{\"_meta\":{\"uuid\":\"4785738d-d3ba-11ed-8401-05960f97d672\"},\"mapped\":4,\"message\":\"Hello #18224\",\"num\":912},\"nr\":1353,\"nd\":{\"_meta\":{\"uuid\":\"4d7ce1fa-d3ba-11ed-8401-05960f97d672\"},\"mapped\":4,\"message\":\"Hello #18244\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 4 + }, + "mapped": "4", + "message": "Hello #18244", + "num": "917" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQQ=\",\"pr\":1345,\"pd\":{\"_meta\":{\"uuid\":\"4785738d-d3ba-11ed-8401-05960f97d672\"},\"mapped\":4,\"message\":\"Hello #18224\",\"num\":912},\"nr\":1353,\"nd\":{\"_meta\":{\"uuid\":\"4d7ce1fa-d3ba-11ed-8401-05960f97d672\"},\"mapped\":4,\"message\":\"Hello #18244\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 4 + }, + "mapped": "4", + "message": "Hello #18244", + "num": "917" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQU=\",\"pr\":1346,\"pd\":{\"_meta\":{\"uuid\":\"47d1b6e3-d3ba-11ed-8401-05960f97d672\"},\"mapped\":5,\"message\":\"Hello #18225\",\"num\":912},\"nr\":1353,\"nd\":{\"_meta\":{\"uuid\":\"4dc9fd99-d3ba-11ed-8401-05960f97d672\"},\"mapped\":5,\"message\":\"Hello #18245\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 5 + }, + "mapped": "5", + "message": "Hello #18245", + "num": "918" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQU=\",\"pr\":1346,\"pd\":{\"_meta\":{\"uuid\":\"47d1b6e3-d3ba-11ed-8401-05960f97d672\"},\"mapped\":5,\"message\":\"Hello #18225\",\"num\":912},\"nr\":1353,\"nd\":{\"_meta\":{\"uuid\":\"4dc9fd99-d3ba-11ed-8401-05960f97d672\"},\"mapped\":5,\"message\":\"Hello #18245\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 5 + }, + "mapped": "5", + "message": "Hello #18245", + "num": "918" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQY=\",\"pr\":1346,\"pd\":{\"_meta\":{\"uuid\":\"481e1346-d3ba-11ed-8401-05960f97d672\"},\"mapped\":6,\"message\":\"Hello #18226\",\"num\":912},\"nr\":1354,\"nd\":{\"_meta\":{\"uuid\":\"4e165c2b-d3ba-11ed-8401-05960f97d672\"},\"mapped\":6,\"message\":\"Hello #18246\",\"num\":913}}", + "_meta": { + "op": "c", + "row_id": 6 + }, + "mapped": "6", + "message": "Hello #18246", + "num": "919" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{\"k\":\"FQY=\",\"pr\":1346,\"pd\":{\"_meta\":{\"uuid\":\"481e1346-d3ba-11ed-8401-05960f97d672\"},\"mapped\":6,\"message\":\"Hello #18226\",\"num\":912},\"nr\":1354,\"nd\":{\"_meta\":{\"uuid\":\"4e165c2b-d3ba-11ed-8401-05960f97d672\"},\"mapped\":6,\"message\":\"Hello #18246\",\"num\":913}}", + "_meta": { + "op": "u", + "row_id": 6 + }, + "mapped": "6", + "message": "Hello #18246", + "num": "919" + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{}", + "_meta": { + "op": "c", + "row_id": 7 + } + } + ], + [ + "acmeCo/OtherThings", + { + "A": "{}", + "_meta": { + "op": "u", + "row_id": 7 + } + } + ] +] diff --git a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json new file mode 100644 index 0000000000..b78f2b1d22 --- /dev/null +++ b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json @@ -0,0 +1,132 @@ +[ + { + "recommendedName": "VariousTypes", + "resourceConfig": { + "name": "VariousTypes", + "interval": "PT30S" + }, + "documentSchema": { + "$defs": { + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": true, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + } + }, + "title": "Row", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/_meta/row_id" + ] + }, + { + "recommendedName": "OtherThings", + "resourceConfig": { + "name": "OtherThings", + "interval": "PT30S" + }, + "documentSchema": { + "$defs": { + "Meta": { + "properties": { + "op": { + "description": "Operation type (c: Create, u: Update, d: Delete)", + "enum": [ + "c", + "u", + "d" + ], + "title": "Op", + "type": "string" + }, + "row_id": { + "default": -1, + "description": "Row ID of the Document, counting up from zero, or -1 if not known", + "title": "Row Id", + "type": "integer" + }, + "uuid": { + "default": "00000000-0000-0000-0000-000000000000", + "description": "UUID of the Document", + "format": "uuid", + "title": "Uuid", + "type": "string" + } + }, + "required": [ + "op" + ], + "title": "Meta", + "type": "object" + } + }, + "additionalProperties": true, + "properties": { + "_meta": { + "allOf": [ + { + "$ref": "#/$defs/Meta" + } + ], + "default": { + "op": "u", + "row_id": -1, + "uuid": "00000000-0000-0000-0000-000000000000" + }, + "description": "Document metadata" + } + }, + "title": "Row", + "type": "object", + "x-infer-schema": true + }, + "key": [ + "/_meta/row_id" + ] + } +] diff --git a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json new file mode 100644 index 0000000000..81b922fb2a --- /dev/null +++ b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json @@ -0,0 +1,141 @@ +[ + { + "protocol": 3032023, + "configSchema": { + "$defs": { + "AccessToken": { + "properties": { + "credentials_title": { + "const": "Private App Credentials", + "title": "Credentials Title" + }, + "access_token": { + "title": "Access Token", + "type": "string" + } + }, + "required": [ + "credentials_title", + "access_token" + ], + "title": "AccessToken", + "type": "object" + }, + "_OAuth2Credentials": { + "properties": { + "credentials_title": { + "const": "OAuth Credentials", + "title": "Credentials Title" + }, + "client_id": { + "title": "Client Id", + "type": "string" + }, + "client_secret": { + "title": "Client Secret", + "type": "string" + }, + "refresh_token": { + "title": "Refresh Token", + "type": "string" + } + }, + "required": [ + "credentials_title", + "client_id", + "client_secret", + "refresh_token" + ], + "title": "OAuth", + "type": "object", + "x-oauth2-provider": "google" + } + }, + "properties": { + "credentials": { + "discriminator": { + "mapping": { + "OAuth Credentials": "#/$defs/_OAuth2Credentials", + "Private App Credentials": "#/$defs/AccessToken" + }, + "propertyName": "credentials_title" + }, + "oneOf": [ + { + "$ref": "#/$defs/_OAuth2Credentials" + }, + { + "$ref": "#/$defs/AccessToken" + } + ], + "title": "Authentication" + }, + "spreadsheet_url": { + "description": "URL of the Google Spreadsheet", + "pattern": "^https://docs.google.com/spreadsheets/", + "title": "Spreadsheet Url", + "type": "string" + } + }, + "required": [ + "credentials", + "spreadsheet_url" + ], + "title": "EndpointConfig", + "type": "object" + }, + "resourceConfigSchema": { + "additionalProperties": false, + "description": "ResourceConfig is a common resource configuration shape.", + "properties": { + "name": { + "description": "Name of this resource", + "title": "Name", + "type": "string" + }, + "namespace": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "description": "Enclosing schema namespace of this resource", + "title": "Namespace" + }, + "interval": { + "default": "PT0S", + "description": "Interval between updates for this resource", + "format": "duration", + "title": "Interval", + "type": "string" + } + }, + "required": [ + "name" + ], + "title": "ResourceConfig", + "type": "object" + }, + "documentationUrl": "https://docs.estuary.dev", + "oauth2": { + "provider": "google", + "authUrlTemplate": "https://accounts.google.com/o/oauth2/auth?access_type=offline&prompt=consent&client_id={{#urlencode}}{{{ client_id }}}{{/urlencode}}&redirect_uri={{#urlencode}}{{{ redirect_uri }}}{{/urlencode}}&response_type=code&scope=https://www.googleapis.com/auth/spreadsheets.readonly https://www.googleapis.com/auth/drive.readonly&state={{#urlencode}}{{{ state }}}{{/urlencode}}", + "accessTokenUrlTemplate": "https://oauth2.googleapis.com/token", + "accessTokenBody": "{\"grant_type\": \"authorization_code\", \"client_id\": \"{{{ client_id }}}\", \"client_secret\": \"{{{ client_secret }}}\", \"redirect_uri\": \"{{{ redirect_uri }}}\", \"code\": \"{{{ code }}}\"}", + "accessTokenHeaders": { + "content-type": "application/x-www-form-urlencoded" + }, + "accessTokenResponseMap": { + "refresh_token": "/refresh_token" + } + }, + "resourcePathPointers": [ + "/schema", + "/name" + ] + } +] diff --git a/source-google-sheets-native/tests/test_snapshots.py b/source-google-sheets-native/tests/test_snapshots.py new file mode 100644 index 0000000000..28885440cd --- /dev/null +++ b/source-google-sheets-native/tests/test_snapshots.py @@ -0,0 +1,60 @@ +import json +import subprocess + + +def test_capture(request, snapshot): + result = subprocess.run( + [ + "flowctl", + "preview", + "--source", + request.fspath.dirname + "/../test.flow.yaml", + "--sessions", + "1", + "--delay", + "10s" + ], + stdout=subprocess.PIPE, + text=True, + ) + assert result.returncode == 0 + lines = [json.loads(l) for l in result.stdout.splitlines()[:50]] + + assert snapshot("stdout.json") == lines + +def test_discover(request, snapshot): + result = subprocess.run( + [ + "flowctl", + "raw", + "discover", + "--source", + request.fspath.dirname + "/../test.flow.yaml", + "-o", + "json", + "--emit-raw" + ], + stdout=subprocess.PIPE, + text=True, + ) + assert result.returncode == 0 + lines = [json.loads(l) for l in result.stdout.splitlines()] + + assert snapshot("stdout.json") == lines + +def test_spec(request, snapshot): + result = subprocess.run( + [ + "flowctl", + "raw", + "spec", + "--source", + request.fspath.dirname + "/../test.flow.yaml", + ], + stdout=subprocess.PIPE, + text=True, + ) + assert result.returncode == 0 + lines = [json.loads(l) for l in result.stdout.splitlines()] + + assert snapshot("stdout.json") == lines From 3d416c930804fa8e2f01eebbb9b60f59d94e3437 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Wed, 28 Feb 2024 04:56:32 +0000 Subject: [PATCH 04/14] source-pokemon: update to estuary-cdk and canonical structure --- source-pokemon/__main__.py | 7 - source-pokemon/poetry.lock | 1759 +++++++++++------ source-pokemon/pyproject.toml | 15 +- .../{ => source_pokemon}/__init__.py | 0 source-pokemon/source_pokemon/__main__.py | 13 + .../{ => source_pokemon}/pokemon_list.py | 0 .../{ => source_pokemon}/schemas/pokemon.json | 0 source-pokemon/{ => source_pokemon}/source.py | 0 source-pokemon/{ => source_pokemon}/spec.yaml | 0 source-pokemon/test.flow.yaml | 2 +- 10 files changed, 1216 insertions(+), 580 deletions(-) delete mode 100644 source-pokemon/__main__.py rename source-pokemon/{ => source_pokemon}/__init__.py (100%) create mode 100644 source-pokemon/source_pokemon/__main__.py rename source-pokemon/{ => source_pokemon}/pokemon_list.py (100%) rename source-pokemon/{ => source_pokemon}/schemas/pokemon.json (100%) rename source-pokemon/{ => source_pokemon}/source.py (100%) rename source-pokemon/{ => source_pokemon}/spec.yaml (100%) diff --git a/source-pokemon/__main__.py b/source-pokemon/__main__.py deleted file mode 100644 index cce76d207d..0000000000 --- a/source-pokemon/__main__.py +++ /dev/null @@ -1,7 +0,0 @@ -from common import shim_airbyte_cdk -from .source import SourcePokemon - -shim_airbyte_cdk.CaptureShim( - delegate=SourcePokemon(), - oauth2=None, -).main() \ No newline at end of file diff --git a/source-pokemon/poetry.lock b/source-pokemon/poetry.lock index 66f2c0d3f4..c19f095fcb 100644 --- a/source-pokemon/poetry.lock +++ b/source-pokemon/poetry.lock @@ -1,18 +1,141 @@ # This file is automatically @generated by Poetry 1.6.1 and should not be changed by hand. +[[package]] +name = "aiodns" +version = "3.1.1" +description = "Simple DNS resolver for asyncio" +optional = false +python-versions = "*" +files = [ + {file = "aiodns-3.1.1-py3-none-any.whl", hash = "sha256:a387b63da4ced6aad35b1dda2d09620ad608a1c7c0fb71efa07ebb4cd511928d"}, + {file = "aiodns-3.1.1.tar.gz", hash = "sha256:1073eac48185f7a4150cad7f96a5192d6911f12b4fb894de80a088508c9b3a99"}, +] + +[package.dependencies] +pycares = ">=4.0.0" + +[[package]] +name = "aiohttp" +version = "3.9.3" +description = "Async http client/server framework (asyncio)" +optional = false +python-versions = ">=3.8" +files = [ + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:939677b61f9d72a4fa2a042a5eee2a99a24001a67c13da113b2e30396567db54"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1f5cd333fcf7590a18334c90f8c9147c837a6ec8a178e88d90a9b96ea03194cc"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:82e6aa28dd46374f72093eda8bcd142f7771ee1eb9d1e223ff0fa7177a96b4a5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f56455b0c2c7cc3b0c584815264461d07b177f903a04481dfc33e08a89f0c26b"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bca77a198bb6e69795ef2f09a5f4c12758487f83f33d63acde5f0d4919815768"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e083c285857b78ee21a96ba1eb1b5339733c3563f72980728ca2b08b53826ca5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab40e6251c3873d86ea9b30a1ac6d7478c09277b32e14745d0d3c6e76e3c7e29"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:df822ee7feaaeffb99c1a9e5e608800bd8eda6e5f18f5cfb0dc7eeb2eaa6bbec"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:acef0899fea7492145d2bbaaaec7b345c87753168589cc7faf0afec9afe9b747"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cd73265a9e5ea618014802ab01babf1940cecb90c9762d8b9e7d2cc1e1969ec6"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:a78ed8a53a1221393d9637c01870248a6f4ea5b214a59a92a36f18151739452c"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:6b0e029353361f1746bac2e4cc19b32f972ec03f0f943b390c4ab3371840aabf"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7cf5c9458e1e90e3c390c2639f1017a0379a99a94fdfad3a1fd966a2874bba52"}, + {file = "aiohttp-3.9.3-cp310-cp310-win32.whl", hash = "sha256:3e59c23c52765951b69ec45ddbbc9403a8761ee6f57253250c6e1536cacc758b"}, + {file = "aiohttp-3.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:055ce4f74b82551678291473f66dc9fb9048a50d8324278751926ff0ae7715e5"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6b88f9386ff1ad91ace19d2a1c0225896e28815ee09fc6a8932fded8cda97c3d"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c46956ed82961e31557b6857a5ca153c67e5476972e5f7190015018760938da2"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:07b837ef0d2f252f96009e9b8435ec1fef68ef8b1461933253d318748ec1acdc"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dad46e6f620574b3b4801c68255492e0159d1712271cc99d8bdf35f2043ec266"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ed3e046ea7b14938112ccd53d91c1539af3e6679b222f9469981e3dac7ba1ce"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:039df344b45ae0b34ac885ab5b53940b174530d4dd8a14ed8b0e2155b9dddccb"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7943c414d3a8d9235f5f15c22ace69787c140c80b718dcd57caaade95f7cd93b"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84871a243359bb42c12728f04d181a389718710129b36b6aad0fc4655a7647d4"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5eafe2c065df5401ba06821b9a054d9cb2848867f3c59801b5d07a0be3a380ae"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:9d3c9b50f19704552f23b4eaea1fc082fdd82c63429a6506446cbd8737823da3"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:f033d80bc6283092613882dfe40419c6a6a1527e04fc69350e87a9df02bbc283"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:2c895a656dd7e061b2fd6bb77d971cc38f2afc277229ce7dd3552de8313a483e"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1f5a71d25cd8106eab05f8704cd9167b6e5187bcdf8f090a66c6d88b634802b4"}, + {file = "aiohttp-3.9.3-cp311-cp311-win32.whl", hash = "sha256:50fca156d718f8ced687a373f9e140c1bb765ca16e3d6f4fe116e3df7c05b2c5"}, + {file = "aiohttp-3.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:5fe9ce6c09668063b8447f85d43b8d1c4e5d3d7e92c63173e6180b2ac5d46dd8"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:38a19bc3b686ad55804ae931012f78f7a534cce165d089a2059f658f6c91fa60"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:770d015888c2a598b377bd2f663adfd947d78c0124cfe7b959e1ef39f5b13869"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ee43080e75fc92bf36219926c8e6de497f9b247301bbf88c5c7593d931426679"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:52df73f14ed99cee84865b95a3d9e044f226320a87af208f068ecc33e0c35b96"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc9b311743a78043b26ffaeeb9715dc360335e5517832f5a8e339f8a43581e4d"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b955ed993491f1a5da7f92e98d5dad3c1e14dc175f74517c4e610b1f2456fb11"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:504b6981675ace64c28bf4a05a508af5cde526e36492c98916127f5a02354d53"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a6fe5571784af92b6bc2fda8d1925cccdf24642d49546d3144948a6a1ed58ca5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ba39e9c8627edc56544c8628cc180d88605df3892beeb2b94c9bc857774848ca"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e5e46b578c0e9db71d04c4b506a2121c0cb371dd89af17a0586ff6769d4c58c1"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:938a9653e1e0c592053f815f7028e41a3062e902095e5a7dc84617c87267ebd5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:c3452ea726c76e92f3b9fae4b34a151981a9ec0a4847a627c43d71a15ac32aa6"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ff30218887e62209942f91ac1be902cc80cddb86bf00fbc6783b7a43b2bea26f"}, + {file = "aiohttp-3.9.3-cp312-cp312-win32.whl", hash = "sha256:38f307b41e0bea3294a9a2a87833191e4bcf89bb0365e83a8be3a58b31fb7f38"}, + {file = "aiohttp-3.9.3-cp312-cp312-win_amd64.whl", hash = "sha256:b791a3143681a520c0a17e26ae7465f1b6f99461a28019d1a2f425236e6eedb5"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:0ed621426d961df79aa3b963ac7af0d40392956ffa9be022024cd16297b30c8c"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7f46acd6a194287b7e41e87957bfe2ad1ad88318d447caf5b090012f2c5bb528"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:feeb18a801aacb098220e2c3eea59a512362eb408d4afd0c242044c33ad6d542"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f734e38fd8666f53da904c52a23ce517f1b07722118d750405af7e4123933511"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b40670ec7e2156d8e57f70aec34a7216407848dfe6c693ef131ddf6e76feb672"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fdd215b7b7fd4a53994f238d0f46b7ba4ac4c0adb12452beee724ddd0743ae5d"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:017a21b0df49039c8f46ca0971b3a7fdc1f56741ab1240cb90ca408049766168"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e99abf0bba688259a496f966211c49a514e65afa9b3073a1fcee08856e04425b"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:648056db9a9fa565d3fa851880f99f45e3f9a771dd3ff3bb0c048ea83fb28194"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:8aacb477dc26797ee089721536a292a664846489c49d3ef9725f992449eda5a8"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:522a11c934ea660ff8953eda090dcd2154d367dec1ae3c540aff9f8a5c109ab4"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:5bce0dc147ca85caa5d33debc4f4d65e8e8b5c97c7f9f660f215fa74fc49a321"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4b4af9f25b49a7be47c0972139e59ec0e8285c371049df1a63b6ca81fdd216a2"}, + {file = "aiohttp-3.9.3-cp38-cp38-win32.whl", hash = "sha256:298abd678033b8571995650ccee753d9458dfa0377be4dba91e4491da3f2be63"}, + {file = "aiohttp-3.9.3-cp38-cp38-win_amd64.whl", hash = "sha256:69361bfdca5468c0488d7017b9b1e5ce769d40b46a9f4a2eed26b78619e9396c"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:0fa43c32d1643f518491d9d3a730f85f5bbaedcbd7fbcae27435bb8b7a061b29"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:835a55b7ca49468aaaac0b217092dfdff370e6c215c9224c52f30daaa735c1c1"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:06a9b2c8837d9a94fae16c6223acc14b4dfdff216ab9b7202e07a9a09541168f"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abf151955990d23f84205286938796c55ff11bbfb4ccfada8c9c83ae6b3c89a3"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59c26c95975f26e662ca78fdf543d4eeaef70e533a672b4113dd888bd2423caa"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f95511dd5d0e05fd9728bac4096319f80615aaef4acbecb35a990afebe953b0e"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:595f105710293e76b9dc09f52e0dd896bd064a79346234b521f6b968ffdd8e58"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7c8b816c2b5af5c8a436df44ca08258fc1a13b449393a91484225fcb7545533"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f1088fa100bf46e7b398ffd9904f4808a0612e1d966b4aa43baa535d1b6341eb"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f59dfe57bb1ec82ac0698ebfcdb7bcd0e99c255bd637ff613760d5f33e7c81b3"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:361a1026c9dd4aba0109e4040e2aecf9884f5cfe1b1b1bd3d09419c205e2e53d"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:363afe77cfcbe3a36353d8ea133e904b108feea505aa4792dad6585a8192c55a"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8e2c45c208c62e955e8256949eb225bd8b66a4c9b6865729a786f2aa79b72e9d"}, + {file = "aiohttp-3.9.3-cp39-cp39-win32.whl", hash = "sha256:f7217af2e14da0856e082e96ff637f14ae45c10a5714b63c77f26d8884cf1051"}, + {file = "aiohttp-3.9.3-cp39-cp39-win_amd64.whl", hash = "sha256:27468897f628c627230dba07ec65dc8d0db566923c48f29e084ce382119802bc"}, + {file = "aiohttp-3.9.3.tar.gz", hash = "sha256:90842933e5d1ff760fae6caca4b2b3edba53ba8f4b71e95dacf2818a2aca06f7"}, +] + +[package.dependencies] +aiosignal = ">=1.1.2" +attrs = ">=17.3.0" +frozenlist = ">=1.1.1" +multidict = ">=4.5,<7.0" +yarl = ">=1.0,<2.0" + +[package.extras] +speedups = ["Brotli", "aiodns", "brotlicffi"] + +[[package]] +name = "aiosignal" +version = "1.3.1" +description = "aiosignal: a list of registered asynchronous callbacks" +optional = false +python-versions = ">=3.7" +files = [ + {file = "aiosignal-1.3.1-py3-none-any.whl", hash = "sha256:f8376fb07dd1e86a584e4fcdec80b36b7f81aac666ebc724e2c090300dd83b17"}, + {file = "aiosignal-1.3.1.tar.gz", hash = "sha256:54cd96e15e1649b75d6c87526a6ff0b6c1b0dd3459f43d9ca11d48c339b68cfc"}, +] + +[package.dependencies] +frozenlist = ">=1.1.0" + [[package]] name = "airbyte-cdk" -version = "0.51.14" +version = "0.52.10" description = "A framework for writing Airbyte Connectors." optional = false python-versions = ">=3.8" files = [ - {file = "airbyte-cdk-0.51.14.tar.gz", hash = "sha256:b5cdad2da796f8b42ab538cc7af53a531529c94f881d1fec0a8f03f745080ea5"}, - {file = "airbyte_cdk-0.51.14-py3-none-any.whl", hash = "sha256:8e96c7cf57dfa41b1292deed756978619ad2a1d8c7d9f42df8e12b8484ef8079"}, + {file = "airbyte-cdk-0.52.10.tar.gz", hash = "sha256:0daee950fe0d4453e6ceea2633090fc1d2144224e6f170b3c6cb4c6392811b47"}, + {file = "airbyte_cdk-0.52.10-py3-none-any.whl", hash = "sha256:366fd7bbbba317223edc1571d22b91c6f5bcff4ba65b3131e42f9b37e29932f4"}, ] [package.dependencies] -airbyte-protocol-models = "0.4.0" +airbyte-protocol-models = "0.4.2" backoff = "*" cachetools = "*" Deprecated = ">=1.2,<2.0" @@ -31,20 +154,20 @@ requests-cache = "*" wcmatch = "8.4" [package.extras] -dev = ["avro (>=1.11.2,<1.12.0)", "cohere (==4.21)", "fastavro (>=1.8.0,<1.9.0)", "freezegun", "langchain (==0.0.271)", "mypy", "openai[embeddings] (==0.27.9)", "pandas (==2.0.3)", "pyarrow (==12.0.1)", "pytest", "pytest-cov", "pytest-httpserver", "pytest-mock", "requests-mock", "tiktoken (==0.4.0)"] -file-based = ["avro (>=1.11.2,<1.12.0)", "fastavro (>=1.8.0,<1.9.0)", "pyarrow (==12.0.1)"] +dev = ["avro (>=1.11.2,<1.12.0)", "cohere (==4.21)", "fastavro (>=1.8.0,<1.9.0)", "freezegun", "langchain (==0.0.271)", "markdown", "mypy", "openai[embeddings] (==0.27.9)", "pandas (==2.0.3)", "pdf2image (==1.16.3)", "pdfminer.six (==20221105)", "pyarrow (==12.0.1)", "pytesseract (==0.3.10)", "pytest", "pytest-cov", "pytest-httpserver", "pytest-mock", "requests-mock", "tiktoken (==0.4.0)", "unstructured (==0.10.19)", "unstructured.pytesseract (>=0.3.12)", "unstructured[docx,pptx] (==0.10.19)"] +file-based = ["avro (>=1.11.2,<1.12.0)", "fastavro (>=1.8.0,<1.9.0)", "markdown", "pdf2image (==1.16.3)", "pdfminer.six (==20221105)", "pyarrow (==12.0.1)", "pytesseract (==0.3.10)", "unstructured (==0.10.19)", "unstructured.pytesseract (>=0.3.12)", "unstructured[docx,pptx] (==0.10.19)"] sphinx-docs = ["Sphinx (>=4.2,<5.0)", "sphinx-rtd-theme (>=1.0,<2.0)"] vector-db-based = ["cohere (==4.21)", "langchain (==0.0.271)", "openai[embeddings] (==0.27.9)", "tiktoken (==0.4.0)"] [[package]] name = "airbyte-protocol-models" -version = "0.4.0" +version = "0.4.2" description = "Declares the Airbyte Protocol." optional = false python-versions = ">=3.8" files = [ - {file = "airbyte_protocol_models-0.4.0-py3-none-any.whl", hash = "sha256:e6a31fcd237504198a678d02c0040a8798f281c39203da61a5abce67842c5360"}, - {file = "airbyte_protocol_models-0.4.0.tar.gz", hash = "sha256:518736015c29ac60b6b8964a1b0d9b52e40020bcbd89e2545cc781f0b37d0f2b"}, + {file = "airbyte_protocol_models-0.4.2-py3-none-any.whl", hash = "sha256:d3bbb14d4af9483bd7b08f5eb06f87e7113553bf4baed3998af95be873a0d821"}, + {file = "airbyte_protocol_models-0.4.2.tar.gz", hash = "sha256:67b149d4812f8fdb88396b161274aa73cf0e16f22e35ce44f2bfc4d47e51915c"}, ] [package.dependencies] @@ -52,21 +175,22 @@ pydantic = ">=1.9.2,<2.0.0" [[package]] name = "attrs" -version = "23.1.0" +version = "23.2.0" description = "Classes Without Boilerplate" optional = false python-versions = ">=3.7" files = [ - {file = "attrs-23.1.0-py3-none-any.whl", hash = "sha256:1f28b4522cdc2fb4256ac1a020c78acf9cba2c6b461ccd2c126f3aa8e8335d04"}, - {file = "attrs-23.1.0.tar.gz", hash = "sha256:6279836d581513a26f1bf235f9acd333bc9115683f14f7e8fae46c98fc50e015"}, + {file = "attrs-23.2.0-py3-none-any.whl", hash = "sha256:99b87a485a5820b23b879f04c2305b44b951b502fd64be915879d77a7e8fc6f1"}, + {file = "attrs-23.2.0.tar.gz", hash = "sha256:935dc3b529c262f6cf76e50877d35a4bd3c1de194fd41f47a2b7ae8f19971f30"}, ] [package.extras] cov = ["attrs[tests]", "coverage[toml] (>=5.3)"] -dev = ["attrs[docs,tests]", "pre-commit"] +dev = ["attrs[tests]", "pre-commit"] docs = ["furo", "myst-parser", "sphinx", "sphinx-notfound-page", "sphinxcontrib-towncrier", "towncrier", "zope-interface"] tests = ["attrs[tests-no-zope]", "zope-interface"] -tests-no-zope = ["cloudpickle", "hypothesis", "mypy (>=1.1.1)", "pympler", "pytest (>=4.3.0)", "pytest-mypy-plugins", "pytest-xdist[psutil]"] +tests-mypy = ["mypy (>=1.6)", "pytest-mypy-plugins"] +tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "pytest (>=4.3.0)", "pytest-xdist[psutil]"] [[package]] name = "backoff" @@ -92,194 +216,210 @@ files = [ [[package]] name = "cachetools" -version = "5.3.2" +version = "5.3.3" description = "Extensible memoizing collections and decorators" optional = false python-versions = ">=3.7" files = [ - {file = "cachetools-5.3.2-py3-none-any.whl", hash = "sha256:861f35a13a451f94e301ce2bec7cac63e881232ccce7ed67fab9b5df4d3beaa1"}, - {file = "cachetools-5.3.2.tar.gz", hash = "sha256:086ee420196f7b2ab9ca2db2520aca326318b68fe5ba8bc4d49cca91add450f2"}, + {file = "cachetools-5.3.3-py3-none-any.whl", hash = "sha256:0abad1021d3f8325b2fc1d2e9c8b9c9d57b04c3932657a72465447332c24d945"}, + {file = "cachetools-5.3.3.tar.gz", hash = "sha256:ba29e2dfa0b8b556606f097407ed1aa62080ee108ab0dc5ec9d6a723a007d105"}, ] [[package]] name = "cattrs" -version = "23.1.2" +version = "23.2.3" description = "Composable complex class support for attrs and dataclasses." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "cattrs-23.1.2-py3-none-any.whl", hash = "sha256:b2bb14311ac17bed0d58785e5a60f022e5431aca3932e3fc5cc8ed8639de50a4"}, - {file = "cattrs-23.1.2.tar.gz", hash = "sha256:db1c821b8c537382b2c7c66678c3790091ca0275ac486c76f3c8f3920e83c657"}, + {file = "cattrs-23.2.3-py3-none-any.whl", hash = "sha256:0341994d94971052e9ee70662542699a3162ea1e0c62f7ce1b4a57f563685108"}, + {file = "cattrs-23.2.3.tar.gz", hash = "sha256:a934090d95abaa9e911dac357e3a8699e0b4b14f8529bcc7d2b1ad9d51672b9f"}, ] [package.dependencies] -attrs = ">=20" +attrs = ">=23.1.0" [package.extras] -bson = ["pymongo (>=4.2.0,<5.0.0)"] -cbor2 = ["cbor2 (>=5.4.6,<6.0.0)"] -msgpack = ["msgpack (>=1.0.2,<2.0.0)"] -orjson = ["orjson (>=3.5.2,<4.0.0)"] -pyyaml = ["PyYAML (>=6.0,<7.0)"] -tomlkit = ["tomlkit (>=0.11.4,<0.12.0)"] -ujson = ["ujson (>=5.4.0,<6.0.0)"] +bson = ["pymongo (>=4.4.0)"] +cbor2 = ["cbor2 (>=5.4.6)"] +msgpack = ["msgpack (>=1.0.5)"] +orjson = ["orjson (>=3.9.2)"] +pyyaml = ["pyyaml (>=6.0)"] +tomlkit = ["tomlkit (>=0.11.8)"] +ujson = ["ujson (>=5.7.0)"] [[package]] name = "certifi" -version = "2023.7.22" +version = "2024.2.2" description = "Python package for providing Mozilla's CA Bundle." optional = false python-versions = ">=3.6" files = [ - {file = "certifi-2023.7.22-py3-none-any.whl", hash = "sha256:92d6037539857d8206b8f6ae472e8b77db8058fec5937a1ef3f54304089edbb9"}, - {file = "certifi-2023.7.22.tar.gz", hash = "sha256:539cc1d13202e33ca466e88b2807e29f4c13049d6d87031a3c110744495cb082"}, + {file = "certifi-2024.2.2-py3-none-any.whl", hash = "sha256:dc383c07b76109f368f6106eee2b593b04a011ea4d55f652c6ca24a754d1cdd1"}, + {file = "certifi-2024.2.2.tar.gz", hash = "sha256:0569859f95fc761b18b45ef421b1290a0f65f147e92a1e5eb3e635f9a5e4e66f"}, ] [[package]] -name = "charset-normalizer" -version = "3.3.1" -description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." +name = "cffi" +version = "1.16.0" +description = "Foreign Function Interface for Python calling C code." optional = false -python-versions = ">=3.7.0" +python-versions = ">=3.8" files = [ - {file = "charset-normalizer-3.3.1.tar.gz", hash = "sha256:d9137a876020661972ca6eec0766d81aef8a5627df628b664b234b73396e727e"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:8aee051c89e13565c6bd366813c386939f8e928af93c29fda4af86d25b73d8f8"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:352a88c3df0d1fa886562384b86f9a9e27563d4704ee0e9d56ec6fcd270ea690"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:223b4d54561c01048f657fa6ce41461d5ad8ff128b9678cfe8b2ecd951e3f8a2"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4f861d94c2a450b974b86093c6c027888627b8082f1299dfd5a4bae8e2292821"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1171ef1fc5ab4693c5d151ae0fdad7f7349920eabbaca6271f95969fa0756c2d"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28f512b9a33235545fbbdac6a330a510b63be278a50071a336afc1b78781b147"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0e842112fe3f1a4ffcf64b06dc4c61a88441c2f02f373367f7b4c1aa9be2ad5"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3f9bc2ce123637a60ebe819f9fccc614da1bcc05798bbbaf2dd4ec91f3e08846"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:f194cce575e59ffe442c10a360182a986535fd90b57f7debfaa5c845c409ecc3"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:9a74041ba0bfa9bc9b9bb2cd3238a6ab3b7618e759b41bd15b5f6ad958d17605"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:b578cbe580e3b41ad17b1c428f382c814b32a6ce90f2d8e39e2e635d49e498d1"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:6db3cfb9b4fcecb4390db154e75b49578c87a3b9979b40cdf90d7e4b945656e1"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:debb633f3f7856f95ad957d9b9c781f8e2c6303ef21724ec94bea2ce2fcbd056"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-win32.whl", hash = "sha256:87071618d3d8ec8b186d53cb6e66955ef2a0e4fa63ccd3709c0c90ac5a43520f"}, - {file = "charset_normalizer-3.3.1-cp310-cp310-win_amd64.whl", hash = "sha256:e372d7dfd154009142631de2d316adad3cc1c36c32a38b16a4751ba78da2a397"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:ae4070f741f8d809075ef697877fd350ecf0b7c5837ed68738607ee0a2c572cf"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:58e875eb7016fd014c0eea46c6fa92b87b62c0cb31b9feae25cbbe62c919f54d"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:dbd95e300367aa0827496fe75a1766d198d34385a58f97683fe6e07f89ca3e3c"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:de0b4caa1c8a21394e8ce971997614a17648f94e1cd0640fbd6b4d14cab13a72"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:985c7965f62f6f32bf432e2681173db41336a9c2611693247069288bcb0c7f8b"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a15c1fe6d26e83fd2e5972425a772cca158eae58b05d4a25a4e474c221053e2d"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ae55d592b02c4349525b6ed8f74c692509e5adffa842e582c0f861751701a673"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:be4d9c2770044a59715eb57c1144dedea7c5d5ae80c68fb9959515037cde2008"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:851cf693fb3aaef71031237cd68699dded198657ec1e76a76eb8be58c03a5d1f"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:31bbaba7218904d2eabecf4feec0d07469284e952a27400f23b6628439439fa7"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:871d045d6ccc181fd863a3cd66ee8e395523ebfbc57f85f91f035f50cee8e3d4"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:501adc5eb6cd5f40a6f77fbd90e5ab915c8fd6e8c614af2db5561e16c600d6f3"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:f5fb672c396d826ca16a022ac04c9dce74e00a1c344f6ad1a0fdc1ba1f332213"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-win32.whl", hash = "sha256:bb06098d019766ca16fc915ecaa455c1f1cd594204e7f840cd6258237b5079a8"}, - {file = "charset_normalizer-3.3.1-cp311-cp311-win_amd64.whl", hash = "sha256:8af5a8917b8af42295e86b64903156b4f110a30dca5f3b5aedea123fbd638bff"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:7ae8e5142dcc7a49168f4055255dbcced01dc1714a90a21f87448dc8d90617d1"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5b70bab78accbc672f50e878a5b73ca692f45f5b5e25c8066d748c09405e6a55"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:5ceca5876032362ae73b83347be8b5dbd2d1faf3358deb38c9c88776779b2e2f"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34d95638ff3613849f473afc33f65c401a89f3b9528d0d213c7037c398a51296"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9edbe6a5bf8b56a4a84533ba2b2f489d0046e755c29616ef8830f9e7d9cf5728"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f6a02a3c7950cafaadcd46a226ad9e12fc9744652cc69f9e5534f98b47f3bbcf"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10b8dd31e10f32410751b3430996f9807fc4d1587ca69772e2aa940a82ab571a"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:edc0202099ea1d82844316604e17d2b175044f9bcb6b398aab781eba957224bd"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:b891a2f68e09c5ef989007fac11476ed33c5c9994449a4e2c3386529d703dc8b"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:71ef3b9be10070360f289aea4838c784f8b851be3ba58cf796262b57775c2f14"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:55602981b2dbf8184c098bc10287e8c245e351cd4fdcad050bd7199d5a8bf514"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:46fb9970aa5eeca547d7aa0de5d4b124a288b42eaefac677bde805013c95725c"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:520b7a142d2524f999447b3a0cf95115df81c4f33003c51a6ab637cbda9d0bf4"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-win32.whl", hash = "sha256:8ec8ef42c6cd5856a7613dcd1eaf21e5573b2185263d87d27c8edcae33b62a61"}, - {file = "charset_normalizer-3.3.1-cp312-cp312-win_amd64.whl", hash = "sha256:baec8148d6b8bd5cee1ae138ba658c71f5b03e0d69d5907703e3e1df96db5e41"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:63a6f59e2d01310f754c270e4a257426fe5a591dc487f1983b3bbe793cf6bac6"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d6bfc32a68bc0933819cfdfe45f9abc3cae3877e1d90aac7259d57e6e0f85b1"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4f3100d86dcd03c03f7e9c3fdb23d92e32abbca07e7c13ebd7ddfbcb06f5991f"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:39b70a6f88eebe239fa775190796d55a33cfb6d36b9ffdd37843f7c4c1b5dc67"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e12f8ee80aa35e746230a2af83e81bd6b52daa92a8afaef4fea4a2ce9b9f4fa"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7b6cefa579e1237ce198619b76eaa148b71894fb0d6bcf9024460f9bf30fd228"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:61f1e3fb621f5420523abb71f5771a204b33c21d31e7d9d86881b2cffe92c47c"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:4f6e2a839f83a6a76854d12dbebde50e4b1afa63e27761549d006fa53e9aa80e"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:1ec937546cad86d0dce5396748bf392bb7b62a9eeb8c66efac60e947697f0e58"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:82ca51ff0fc5b641a2d4e1cc8c5ff108699b7a56d7f3ad6f6da9dbb6f0145b48"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:633968254f8d421e70f91c6ebe71ed0ab140220469cf87a9857e21c16687c034"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-win32.whl", hash = "sha256:c0c72d34e7de5604df0fde3644cc079feee5e55464967d10b24b1de268deceb9"}, - {file = "charset_normalizer-3.3.1-cp37-cp37m-win_amd64.whl", hash = "sha256:63accd11149c0f9a99e3bc095bbdb5a464862d77a7e309ad5938fbc8721235ae"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:5a3580a4fdc4ac05f9e53c57f965e3594b2f99796231380adb2baaab96e22761"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2465aa50c9299d615d757c1c888bc6fef384b7c4aec81c05a0172b4400f98557"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:cb7cd68814308aade9d0c93c5bd2ade9f9441666f8ba5aa9c2d4b389cb5e2a45"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:91e43805ccafa0a91831f9cd5443aa34528c0c3f2cc48c4cb3d9a7721053874b"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:854cc74367180beb327ab9d00f964f6d91da06450b0855cbbb09187bcdb02de5"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c15070ebf11b8b7fd1bfff7217e9324963c82dbdf6182ff7050519e350e7ad9f"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c4c99f98fc3a1835af8179dcc9013f93594d0670e2fa80c83aa36346ee763d2"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3fb765362688821404ad6cf86772fc54993ec11577cd5a92ac44b4c2ba52155b"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:dced27917823df984fe0c80a5c4ad75cf58df0fbfae890bc08004cd3888922a2"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a66bcdf19c1a523e41b8e9d53d0cedbfbac2e93c649a2e9502cb26c014d0980c"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:ecd26be9f112c4f96718290c10f4caea6cc798459a3a76636b817a0ed7874e42"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:3f70fd716855cd3b855316b226a1ac8bdb3caf4f7ea96edcccc6f484217c9597"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:17a866d61259c7de1bdadef418a37755050ddb4b922df8b356503234fff7932c"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-win32.whl", hash = "sha256:548eefad783ed787b38cb6f9a574bd8664468cc76d1538215d510a3cd41406cb"}, - {file = "charset_normalizer-3.3.1-cp38-cp38-win_amd64.whl", hash = "sha256:45f053a0ece92c734d874861ffe6e3cc92150e32136dd59ab1fb070575189c97"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bc791ec3fd0c4309a753f95bb6c749ef0d8ea3aea91f07ee1cf06b7b02118f2f"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:0c8c61fb505c7dad1d251c284e712d4e0372cef3b067f7ddf82a7fa82e1e9a93"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2c092be3885a1b7899cd85ce24acedc1034199d6fca1483fa2c3a35c86e43041"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c2000c54c395d9e5e44c99dc7c20a64dc371f777faf8bae4919ad3e99ce5253e"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4cb50a0335382aac15c31b61d8531bc9bb657cfd848b1d7158009472189f3d62"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c30187840d36d0ba2893bc3271a36a517a717f9fd383a98e2697ee890a37c273"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fe81b35c33772e56f4b6cf62cf4aedc1762ef7162a31e6ac7fe5e40d0149eb67"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d0bf89afcbcf4d1bb2652f6580e5e55a840fdf87384f6063c4a4f0c95e378656"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:06cf46bdff72f58645434d467bf5228080801298fbba19fe268a01b4534467f5"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:3c66df3f41abee950d6638adc7eac4730a306b022570f71dd0bd6ba53503ab57"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:cd805513198304026bd379d1d516afbf6c3c13f4382134a2c526b8b854da1c2e"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:9505dc359edb6a330efcd2be825fdb73ee3e628d9010597aa1aee5aa63442e97"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:31445f38053476a0c4e6d12b047b08ced81e2c7c712e5a1ad97bc913256f91b2"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-win32.whl", hash = "sha256:bd28b31730f0e982ace8663d108e01199098432a30a4c410d06fe08fdb9e93f4"}, - {file = "charset_normalizer-3.3.1-cp39-cp39-win_amd64.whl", hash = "sha256:555fe186da0068d3354cdf4bbcbc609b0ecae4d04c921cc13e209eece7720727"}, - {file = "charset_normalizer-3.3.1-py3-none-any.whl", hash = "sha256:800561453acdecedaac137bf09cd719c7a440b6800ec182f077bb8e7025fb708"}, + {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"}, + {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"}, + {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"}, + {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b84834d0cf97e7d27dd5b7f3aca7b6e9263c56308ab9dc8aae9784abb774d404"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1b8ebc27c014c59692bb2664c7d13ce7a6e9a629be20e54e7271fa696ff2b417"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee07e47c12890ef248766a6e55bd38ebfb2bb8edd4142d56db91b21ea68b7627"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8a9d3ebe49f084ad71f9269834ceccbf398253c9fac910c4fd7053ff1386936"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e70f54f1796669ef691ca07d046cd81a29cb4deb1e5f942003f401c0c4a2695d"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5bf44d66cdf9e893637896c7faa22298baebcd18d1ddb6d2626a6e39793a1d56"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b78010e7b97fef4bee1e896df8a4bbb6712b7f05b7ef630f9d1da00f6444d2e"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c6a164aa47843fb1b01e941d385aab7215563bb8816d80ff3a363a9f8448a8dc"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e09f3ff613345df5e8c3667da1d918f9149bd623cd9070c983c013792a9a62eb"}, + {file = "cffi-1.16.0-cp311-cp311-win32.whl", hash = "sha256:2c56b361916f390cd758a57f2e16233eb4f64bcbeee88a4881ea90fca14dc6ab"}, + {file = "cffi-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:db8e577c19c0fda0beb7e0d4e09e0ba74b1e4c092e0e40bfa12fe05b6f6d75ba"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fa3a0128b152627161ce47201262d3140edb5a5c3da88d73a1b790a959126956"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68e7c44931cc171c54ccb702482e9fc723192e88d25a0e133edd7aff8fcd1f6e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abd808f9c129ba2beda4cfc53bde801e5bcf9d6e0f22f095e45327c038bfe68e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88e2b3c14bdb32e440be531ade29d3c50a1a59cd4e51b1dd8b0865c54ea5d2e2"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcc8eb6d5902bb1cf6dc4f187ee3ea80a1eba0a89aba40a5cb20a5087d961357"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7be2d771cdba2942e13215c4e340bfd76398e9227ad10402a8767ab1865d2e6"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e715596e683d2ce000574bae5d07bd522c781a822866c20495e52520564f0969"}, + {file = "cffi-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2d92b25dbf6cae33f65005baf472d2c245c050b1ce709cc4588cdcdd5495b520"}, + {file = "cffi-1.16.0-cp312-cp312-win32.whl", hash = "sha256:b2ca4e77f9f47c55c194982e10f058db063937845bb2b7a86c84a6cfe0aefa8b"}, + {file = "cffi-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:68678abf380b42ce21a5f2abde8efee05c114c2fdb2e9eef2efdb0257fba1235"}, + {file = "cffi-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0c9ef6ff37e974b73c25eecc13952c55bceed9112be2d9d938ded8e856138bcc"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a09582f178759ee8128d9270cd1344154fd473bb77d94ce0aeb2a93ebf0feaf0"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e760191dd42581e023a68b758769e2da259b5d52e3103c6060ddc02c9edb8d7b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80876338e19c951fdfed6198e70bc88f1c9758b94578d5a7c4c91a87af3cf31c"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a6a14b17d7e17fa0d207ac08642c8820f84f25ce17a442fd15e27ea18d67c59b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6602bc8dc6f3a9e02b6c22c4fc1e47aa50f8f8e6d3f78a5e16ac33ef5fefa324"}, + {file = "cffi-1.16.0-cp38-cp38-win32.whl", hash = "sha256:131fd094d1065b19540c3d72594260f118b231090295d8c34e19a7bbcf2e860a"}, + {file = "cffi-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:31d13b0f99e0836b7ff893d37af07366ebc90b678b6664c955b54561fc36ef36"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:582215a0e9adbe0e379761260553ba11c58943e4bbe9c36430c4ca6ac74b15ed"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b29ebffcf550f9da55bec9e02ad430c992a87e5f512cd63388abb76f1036d8d2"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc9b18bf40cc75f66f40a7379f6a9513244fe33c0e8aa72e2d56b0196a7ef872"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb4a35b3642fc5c005a6755a5d17c6c8b6bcb6981baf81cea8bfbc8903e8ba8"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b86851a328eedc692acf81fb05444bdf1891747c25af7529e39ddafaf68a4f3f"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c0f31130ebc2d37cdd8e44605fb5fa7ad59049298b3f745c74fa74c62fbfcfc4"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f8e709127c6c77446a8c0a8c8bf3c8ee706a06cd44b1e827c3e6a2ee6b8c098"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:748dcd1e3d3d7cd5443ef03ce8685043294ad6bd7c02a38d1bd367cfd968e000"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8895613bcc094d4a1b2dbe179d88d7fb4a15cee43c052e8885783fac397d91fe"}, + {file = "cffi-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed86a35631f7bfbb28e108dd96773b9d5a6ce4811cf6ea468bb6a359b256b1e4"}, + {file = "cffi-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:3686dffb02459559c74dd3d81748269ffb0eb027c39a6fc99502de37d501faa8"}, + {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"}, ] -[[package]] -name = "common" -version = "0.1.0" -description = "" -optional = false -python-versions = "^3.11" -files = [] -develop = false - [package.dependencies] -jsonlines = "^4.0.0" -mypy = "^1.5" -orjson = "^3.9.7" -pydantic = "1.10.12" -requests = "^2.31.0" -types-requests = "^2.31.0.2" - -[package.source] -type = "directory" -url = "../python" +pycparser = "*" [[package]] -name = "debugpy" -version = "1.8.0" -description = "An implementation of the Debug Adapter Protocol for Python" +name = "charset-normalizer" +version = "3.3.2" +description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." optional = false -python-versions = ">=3.8" +python-versions = ">=3.7.0" files = [ - {file = "debugpy-1.8.0-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:7fb95ca78f7ac43393cd0e0f2b6deda438ec7c5e47fa5d38553340897d2fbdfb"}, - {file = "debugpy-1.8.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ef9ab7df0b9a42ed9c878afd3eaaff471fce3fa73df96022e1f5c9f8f8c87ada"}, - {file = "debugpy-1.8.0-cp310-cp310-win32.whl", hash = "sha256:a8b7a2fd27cd9f3553ac112f356ad4ca93338feadd8910277aff71ab24d8775f"}, - {file = "debugpy-1.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:5d9de202f5d42e62f932507ee8b21e30d49aae7e46d5b1dd5c908db1d7068637"}, - {file = "debugpy-1.8.0-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:ef54404365fae8d45cf450d0544ee40cefbcb9cb85ea7afe89a963c27028261e"}, - {file = "debugpy-1.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:60009b132c91951354f54363f8ebdf7457aeb150e84abba5ae251b8e9f29a8a6"}, - {file = "debugpy-1.8.0-cp311-cp311-win32.whl", hash = "sha256:8cd0197141eb9e8a4566794550cfdcdb8b3db0818bdf8c49a8e8f8053e56e38b"}, - {file = "debugpy-1.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:a64093656c4c64dc6a438e11d59369875d200bd5abb8f9b26c1f5f723622e153"}, - {file = "debugpy-1.8.0-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:b05a6b503ed520ad58c8dc682749113d2fd9f41ffd45daec16e558ca884008cd"}, - {file = "debugpy-1.8.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3c6fb41c98ec51dd010d7ed650accfd07a87fe5e93eca9d5f584d0578f28f35f"}, - {file = "debugpy-1.8.0-cp38-cp38-win32.whl", hash = "sha256:46ab6780159eeabb43c1495d9c84cf85d62975e48b6ec21ee10c95767c0590aa"}, - {file = "debugpy-1.8.0-cp38-cp38-win_amd64.whl", hash = "sha256:bdc5ef99d14b9c0fcb35351b4fbfc06ac0ee576aeab6b2511702e5a648a2e595"}, - {file = "debugpy-1.8.0-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:61eab4a4c8b6125d41a34bad4e5fe3d2cc145caecd63c3fe953be4cc53e65bf8"}, - {file = "debugpy-1.8.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:125b9a637e013f9faac0a3d6a82bd17c8b5d2c875fb6b7e2772c5aba6d082332"}, - {file = "debugpy-1.8.0-cp39-cp39-win32.whl", hash = "sha256:57161629133113c97b387382045649a2b985a348f0c9366e22217c87b68b73c6"}, - {file = "debugpy-1.8.0-cp39-cp39-win_amd64.whl", hash = "sha256:e3412f9faa9ade82aa64a50b602544efcba848c91384e9f93497a458767e6926"}, - {file = "debugpy-1.8.0-py2.py3-none-any.whl", hash = "sha256:9c9b0ac1ce2a42888199df1a1906e45e6f3c9555497643a85e0bf2406e3ffbc4"}, - {file = "debugpy-1.8.0.zip", hash = "sha256:12af2c55b419521e33d5fb21bd022df0b5eb267c3e178f1d374a63a2a6bdccd0"}, + {file = "charset-normalizer-3.3.2.tar.gz", hash = "sha256:f30c3cb33b24454a82faecaf01b19c18562b1e89558fb6c56de4d9118a032fd5"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:25baf083bf6f6b341f4121c2f3c548875ee6f5339300e08be3f2b2ba1721cdd3"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:06435b539f889b1f6f4ac1758871aae42dc3a8c0e24ac9e60c2384973ad73027"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9063e24fdb1e498ab71cb7419e24622516c4a04476b17a2dab57e8baa30d6e03"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6897af51655e3691ff853668779c7bad41579facacf5fd7253b0133308cf000d"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1d3193f4a680c64b4b6a9115943538edb896edc190f0b222e73761716519268e"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cd70574b12bb8a4d2aaa0094515df2463cb429d8536cfb6c7ce983246983e5a6"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8465322196c8b4d7ab6d1e049e4c5cb460d0394da4a27d23cc242fbf0034b6b5"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a9a8e9031d613fd2009c182b69c7b2c1ef8239a0efb1df3f7c8da66d5dd3d537"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:beb58fe5cdb101e3a055192ac291b7a21e3b7ef4f67fa1d74e331a7f2124341c"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e06ed3eb3218bc64786f7db41917d4e686cc4856944f53d5bdf83a6884432e12"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:2e81c7b9c8979ce92ed306c249d46894776a909505d8f5a4ba55b14206e3222f"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:572c3763a264ba47b3cf708a44ce965d98555f618ca42c926a9c1616d8f34269"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fd1abc0d89e30cc4e02e4064dc67fcc51bd941eb395c502aac3ec19fab46b519"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-win32.whl", hash = "sha256:3d47fa203a7bd9c5b6cee4736ee84ca03b8ef23193c0d1ca99b5089f72645c73"}, + {file = "charset_normalizer-3.3.2-cp310-cp310-win_amd64.whl", hash = "sha256:10955842570876604d404661fbccbc9c7e684caf432c09c715ec38fbae45ae09"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:802fe99cca7457642125a8a88a084cef28ff0cf9407060f7b93dca5aa25480db"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:573f6eac48f4769d667c4442081b1794f52919e7edada77495aaed9236d13a96"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:549a3a73da901d5bc3ce8d24e0600d1fa85524c10287f6004fbab87672bf3e1e"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f27273b60488abe721a075bcca6d7f3964f9f6f067c8c4c605743023d7d3944f"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1ceae2f17a9c33cb48e3263960dc5fc8005351ee19db217e9b1bb15d28c02574"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:65f6f63034100ead094b8744b3b97965785388f308a64cf8d7c34f2f2e5be0c4"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:753f10e867343b4511128c6ed8c82f7bec3bd026875576dfd88483c5c73b2fd8"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4a78b2b446bd7c934f5dcedc588903fb2f5eec172f3d29e52a9096a43722adfc"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e537484df0d8f426ce2afb2d0f8e1c3d0b114b83f8850e5f2fbea0e797bd82ae"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:eb6904c354526e758fda7167b33005998fb68c46fbc10e013ca97f21ca5c8887"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:deb6be0ac38ece9ba87dea880e438f25ca3eddfac8b002a2ec3d9183a454e8ae"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:4ab2fe47fae9e0f9dee8c04187ce5d09f48eabe611be8259444906793ab7cbce"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:80402cd6ee291dcb72644d6eac93785fe2c8b9cb30893c1af5b8fdd753b9d40f"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-win32.whl", hash = "sha256:7cd13a2e3ddeed6913a65e66e94b51d80a041145a026c27e6bb76c31a853c6ab"}, + {file = "charset_normalizer-3.3.2-cp311-cp311-win_amd64.whl", hash = "sha256:663946639d296df6a2bb2aa51b60a2454ca1cb29835324c640dafb5ff2131a77"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0b2b64d2bb6d3fb9112bafa732def486049e63de9618b5843bcdd081d8144cd8"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:ddbb2551d7e0102e7252db79ba445cdab71b26640817ab1e3e3648dad515003b"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:55086ee1064215781fff39a1af09518bc9255b50d6333f2e4c74ca09fac6a8f6"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8f4a014bc36d3c57402e2977dada34f9c12300af536839dc38c0beab8878f38a"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a10af20b82360ab00827f916a6058451b723b4e65030c5a18577c8b2de5b3389"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8d756e44e94489e49571086ef83b2bb8ce311e730092d2c34ca8f7d925cb20aa"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:90d558489962fd4918143277a773316e56c72da56ec7aa3dc3dbbe20fdfed15b"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6ac7ffc7ad6d040517be39eb591cac5ff87416c2537df6ba3cba3bae290c0fed"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:7ed9e526742851e8d5cc9e6cf41427dfc6068d4f5a3bb03659444b4cabf6bc26"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:8bdb58ff7ba23002a4c5808d608e4e6c687175724f54a5dade5fa8c67b604e4d"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:6b3251890fff30ee142c44144871185dbe13b11bab478a88887a639655be1068"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:b4a23f61ce87adf89be746c8a8974fe1c823c891d8f86eb218bb957c924bb143"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:efcb3f6676480691518c177e3b465bcddf57cea040302f9f4e6e191af91174d4"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-win32.whl", hash = "sha256:d965bba47ddeec8cd560687584e88cf699fd28f192ceb452d1d7ee807c5597b7"}, + {file = "charset_normalizer-3.3.2-cp312-cp312-win_amd64.whl", hash = "sha256:96b02a3dc4381e5494fad39be677abcb5e6634bf7b4fa83a6dd3112607547001"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:95f2a5796329323b8f0512e09dbb7a1860c46a39da62ecb2324f116fa8fdc85c"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c002b4ffc0be611f0d9da932eb0f704fe2602a9a949d1f738e4c34c75b0863d5"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a981a536974bbc7a512cf44ed14938cf01030a99e9b3a06dd59578882f06f985"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3287761bc4ee9e33561a7e058c72ac0938c4f57fe49a09eae428fd88aafe7bb6"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:42cb296636fcc8b0644486d15c12376cb9fa75443e00fb25de0b8602e64c1714"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0a55554a2fa0d408816b3b5cedf0045f4b8e1a6065aec45849de2d6f3f8e9786"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:c083af607d2515612056a31f0a8d9e0fcb5876b7bfc0abad3ecd275bc4ebc2d5"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:87d1351268731db79e0f8e745d92493ee2841c974128ef629dc518b937d9194c"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:bd8f7df7d12c2db9fab40bdd87a7c09b1530128315d047a086fa3ae3435cb3a8"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:c180f51afb394e165eafe4ac2936a14bee3eb10debc9d9e4db8958fe36afe711"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:8c622a5fe39a48f78944a87d4fb8a53ee07344641b0562c540d840748571b811"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-win32.whl", hash = "sha256:db364eca23f876da6f9e16c9da0df51aa4f104a972735574842618b8c6d999d4"}, + {file = "charset_normalizer-3.3.2-cp37-cp37m-win_amd64.whl", hash = "sha256:86216b5cee4b06df986d214f664305142d9c76df9b6512be2738aa72a2048f99"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:6463effa3186ea09411d50efc7d85360b38d5f09b870c48e4600f63af490e56a"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6c4caeef8fa63d06bd437cd4bdcf3ffefe6738fb1b25951440d80dc7df8c03ac"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:37e55c8e51c236f95b033f6fb391d7d7970ba5fe7ff453dad675e88cf303377a"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb69256e180cb6c8a894fee62b3afebae785babc1ee98b81cdf68bbca1987f33"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ae5f4161f18c61806f411a13b0310bea87f987c7d2ecdbdaad0e94eb2e404238"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b2b0a0c0517616b6869869f8c581d4eb2dd83a4d79e0ebcb7d373ef9956aeb0a"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:45485e01ff4d3630ec0d9617310448a8702f70e9c01906b0d0118bdf9d124cf2"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:eb00ed941194665c332bf8e078baf037d6c35d7c4f3102ea2d4f16ca94a26dc8"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:2127566c664442652f024c837091890cb1942c30937add288223dc895793f898"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a50aebfa173e157099939b17f18600f72f84eed3049e743b68ad15bd69b6bf99"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:4d0d1650369165a14e14e1e47b372cfcb31d6ab44e6e33cb2d4e57265290044d"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:923c0c831b7cfcb071580d3f46c4baf50f174be571576556269530f4bbd79d04"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:06a81e93cd441c56a9b65d8e1d043daeb97a3d0856d177d5c90ba85acb3db087"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-win32.whl", hash = "sha256:6ef1d82a3af9d3eecdba2321dc1b3c238245d890843e040e41e470ffa64c3e25"}, + {file = "charset_normalizer-3.3.2-cp38-cp38-win_amd64.whl", hash = "sha256:eb8821e09e916165e160797a6c17edda0679379a4be5c716c260e836e122f54b"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:c235ebd9baae02f1b77bcea61bce332cb4331dc3617d254df3323aa01ab47bd4"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5b4c145409bef602a690e7cfad0a15a55c13320ff7a3ad7ca59c13bb8ba4d45d"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:68d1f8a9e9e37c1223b656399be5d6b448dea850bed7d0f87a8311f1ff3dabb0"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:22afcb9f253dac0696b5a4be4a1c0f8762f8239e21b99680099abd9b2b1b2269"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e27ad930a842b4c5eb8ac0016b0a54f5aebbe679340c26101df33424142c143c"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1f79682fbe303db92bc2b1136016a38a42e835d932bab5b3b1bfcfbf0640e519"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b261ccdec7821281dade748d088bb6e9b69e6d15b30652b74cbbac25e280b796"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:122c7fa62b130ed55f8f285bfd56d5f4b4a5b503609d181f9ad85e55c89f4185"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d0eccceffcb53201b5bfebb52600a5fb483a20b61da9dbc885f8b103cbe7598c"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:9f96df6923e21816da7e0ad3fd47dd8f94b2a5ce594e00677c0013018b813458"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:7f04c839ed0b6b98b1a7501a002144b76c18fb1c1850c8b98d458ac269e26ed2"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:34d1c8da1e78d2e001f363791c98a272bb734000fcef47a491c1e3b0505657a8"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ff8fa367d09b717b2a17a052544193ad76cd49979c805768879cb63d9ca50561"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-win32.whl", hash = "sha256:aed38f6e4fb3f5d6bf81bfa990a07806be9d83cf7bacef998ab1a9bd660a581f"}, + {file = "charset_normalizer-3.3.2-cp39-cp39-win_amd64.whl", hash = "sha256:b01b88d45a6fcb69667cd6d2f7a9aeb4bf53760d7fc536bf679ec94fe9f3ff3d"}, + {file = "charset_normalizer-3.3.2-py3-none-any.whl", hash = "sha256:3e4d1f6587322d2788836a99c69062fbb091331ec940e02d12d179c1d53e25fc"}, ] [[package]] @@ -310,6 +450,112 @@ files = [ {file = "dpath-2.0.8.tar.gz", hash = "sha256:a3440157ebe80d0a3ad794f1b61c571bef125214800ffdb9afc9424e8250fe9b"}, ] +[[package]] +name = "estuary-cdk" +version = "0.2.0" +description = "Estuary Connector Development Kit" +optional = false +python-versions = "^3.11" +files = [] +develop = true + +[package.dependencies] +aiodns = "^3.1.1" +aiohttp = "^3.9.3" +orjson = "^3.9.15" +pydantic = ">1.10,<3" +xxhash = "^3.4.1" + +[package.source] +type = "directory" +url = "../estuary-cdk" + +[[package]] +name = "frozenlist" +version = "1.4.1" +description = "A list-like structure which implements collections.abc.MutableSequence" +optional = false +python-versions = ">=3.8" +files = [ + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f9aa1878d1083b276b0196f2dfbe00c9b7e752475ed3b682025ff20c1c1f51ac"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:29acab3f66f0f24674b7dc4736477bcd4bc3ad4b896f5f45379a67bce8b96868"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:74fb4bee6880b529a0c6560885fce4dc95936920f9f20f53d99a213f7bf66776"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:590344787a90ae57d62511dd7c736ed56b428f04cd8c161fcc5e7232c130c69a"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:068b63f23b17df8569b7fdca5517edef76171cf3897eb68beb01341131fbd2ad"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c849d495bf5154cd8da18a9eb15db127d4dba2968d88831aff6f0331ea9bd4c"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9750cc7fe1ae3b1611bb8cfc3f9ec11d532244235d75901fb6b8e42ce9229dfe"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9b2de4cf0cdd5bd2dee4c4f63a653c61d2408055ab77b151c1957f221cabf2a"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0633c8d5337cb5c77acbccc6357ac49a1770b8c487e5b3505c57b949b4b82e98"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:27657df69e8801be6c3638054e202a135c7f299267f1a55ed3a598934f6c0d75"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:f9a3ea26252bd92f570600098783d1371354d89d5f6b7dfd87359d669f2109b5"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4f57dab5fe3407b6c0c1cc907ac98e8a189f9e418f3b6e54d65a718aaafe3950"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e02a0e11cf6597299b9f3bbd3f93d79217cb90cfd1411aec33848b13f5c656cc"}, + {file = "frozenlist-1.4.1-cp310-cp310-win32.whl", hash = "sha256:a828c57f00f729620a442881cc60e57cfcec6842ba38e1b19fd3e47ac0ff8dc1"}, + {file = "frozenlist-1.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:f56e2333dda1fe0f909e7cc59f021eba0d2307bc6f012a1ccf2beca6ba362439"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a0cb6f11204443f27a1628b0e460f37fb30f624be6051d490fa7d7e26d4af3d0"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b46c8ae3a8f1f41a0d2ef350c0b6e65822d80772fe46b653ab6b6274f61d4a49"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fde5bd59ab5357e3853313127f4d3565fc7dad314a74d7b5d43c22c6a5ed2ced"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:722e1124aec435320ae01ee3ac7bec11a5d47f25d0ed6328f2273d287bc3abb0"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2471c201b70d58a0f0c1f91261542a03d9a5e088ed3dc6c160d614c01649c106"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c757a9dd70d72b076d6f68efdbb9bc943665ae954dad2801b874c8c69e185068"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f146e0911cb2f1da549fc58fc7bcd2b836a44b79ef871980d605ec392ff6b0d2"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f9c515e7914626b2a2e1e311794b4c35720a0be87af52b79ff8e1429fc25f19"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c302220494f5c1ebeb0912ea782bcd5e2f8308037b3c7553fad0e48ebad6ad82"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:442acde1e068288a4ba7acfe05f5f343e19fac87bfc96d89eb886b0363e977ec"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:1b280e6507ea8a4fa0c0a7150b4e526a8d113989e28eaaef946cc77ffd7efc0a"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:fe1a06da377e3a1062ae5fe0926e12b84eceb8a50b350ddca72dc85015873f74"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:db9e724bebd621d9beca794f2a4ff1d26eed5965b004a97f1f1685a173b869c2"}, + {file = "frozenlist-1.4.1-cp311-cp311-win32.whl", hash = "sha256:e774d53b1a477a67838a904131c4b0eef6b3d8a651f8b138b04f748fccfefe17"}, + {file = "frozenlist-1.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:fb3c2db03683b5767dedb5769b8a40ebb47d6f7f45b1b3e3b4b51ec8ad9d9825"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1979bc0aeb89b33b588c51c54ab0161791149f2461ea7c7c946d95d5f93b56ae"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cc7b01b3754ea68a62bd77ce6020afaffb44a590c2289089289363472d13aedb"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9c92be9fd329ac801cc420e08452b70e7aeab94ea4233a4804f0915c14eba9b"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c3894db91f5a489fc8fa6a9991820f368f0b3cbdb9cd8849547ccfab3392d86"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ba60bb19387e13597fb059f32cd4d59445d7b18b69a745b8f8e5db0346f33480"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8aefbba5f69d42246543407ed2461db31006b0f76c4e32dfd6f42215a2c41d09"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:780d3a35680ced9ce682fbcf4cb9c2bad3136eeff760ab33707b71db84664e3a"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9acbb16f06fe7f52f441bb6f413ebae6c37baa6ef9edd49cdd567216da8600cd"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:23b701e65c7b36e4bf15546a89279bd4d8675faabc287d06bbcfac7d3c33e1e6"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:3e0153a805a98f5ada7e09826255ba99fb4f7524bb81bf6b47fb702666484ae1"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:dd9b1baec094d91bf36ec729445f7769d0d0cf6b64d04d86e45baf89e2b9059b"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:1a4471094e146b6790f61b98616ab8e44f72661879cc63fa1049d13ef711e71e"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5667ed53d68d91920defdf4035d1cdaa3c3121dc0b113255124bcfada1cfa1b8"}, + {file = "frozenlist-1.4.1-cp312-cp312-win32.whl", hash = "sha256:beee944ae828747fd7cb216a70f120767fc9f4f00bacae8543c14a6831673f89"}, + {file = "frozenlist-1.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:64536573d0a2cb6e625cf309984e2d873979709f2cf22839bf2d61790b448ad5"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:20b51fa3f588ff2fe658663db52a41a4f7aa6c04f6201449c6c7c476bd255c0d"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:410478a0c562d1a5bcc2f7ea448359fcb050ed48b3c6f6f4f18c313a9bdb1826"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c6321c9efe29975232da3bd0af0ad216800a47e93d763ce64f291917a381b8eb"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48f6a4533887e189dae092f1cf981f2e3885175f7a0f33c91fb5b7b682b6bab6"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6eb73fa5426ea69ee0e012fb59cdc76a15b1283d6e32e4f8dc4482ec67d1194d"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fbeb989b5cc29e8daf7f976b421c220f1b8c731cbf22b9130d8815418ea45887"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:32453c1de775c889eb4e22f1197fe3bdfe457d16476ea407472b9442e6295f7a"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:693945278a31f2086d9bf3df0fe8254bbeaef1fe71e1351c3bd730aa7d31c41b"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:1d0ce09d36d53bbbe566fe296965b23b961764c0bcf3ce2fa45f463745c04701"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:3a670dc61eb0d0eb7080890c13de3066790f9049b47b0de04007090807c776b0"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:dca69045298ce5c11fd539682cff879cc1e664c245d1c64da929813e54241d11"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a06339f38e9ed3a64e4c4e43aec7f59084033647f908e4259d279a52d3757d09"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b7f2f9f912dca3934c1baec2e4585a674ef16fe00218d833856408c48d5beee7"}, + {file = "frozenlist-1.4.1-cp38-cp38-win32.whl", hash = "sha256:e7004be74cbb7d9f34553a5ce5fb08be14fb33bc86f332fb71cbe5216362a497"}, + {file = "frozenlist-1.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:5a7d70357e7cee13f470c7883a063aae5fe209a493c57d86eb7f5a6f910fae09"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bfa4a17e17ce9abf47a74ae02f32d014c5e9404b6d9ac7f729e01562bbee601e"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:b7e3ed87d4138356775346e6845cccbe66cd9e207f3cd11d2f0b9fd13681359d"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c99169d4ff810155ca50b4da3b075cbde79752443117d89429595c2e8e37fed8"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:edb678da49d9f72c9f6c609fbe41a5dfb9a9282f9e6a2253d5a91e0fc382d7c0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6db4667b187a6742b33afbbaf05a7bc551ffcf1ced0000a571aedbb4aa42fc7b"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55fdc093b5a3cb41d420884cdaf37a1e74c3c37a31f46e66286d9145d2063bd0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82e8211d69a4f4bc360ea22cd6555f8e61a1bd211d1d5d39d3d228b48c83a897"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89aa2c2eeb20957be2d950b85974b30a01a762f3308cd02bb15e1ad632e22dc7"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d3e0c25a2350080e9319724dede4f31f43a6c9779be48021a7f4ebde8b2d742"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7268252af60904bf52c26173cbadc3a071cece75f873705419c8681f24d3edea"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:0c250a29735d4f15321007fb02865f0e6b6a41a6b88f1f523ca1596ab5f50bd5"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:96ec70beabbd3b10e8bfe52616a13561e58fe84c0101dd031dc78f250d5128b9"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:23b2d7679b73fe0e5a4560b672a39f98dfc6f60df63823b0a9970525325b95f6"}, + {file = "frozenlist-1.4.1-cp39-cp39-win32.whl", hash = "sha256:a7496bfe1da7fb1a4e1cc23bb67c58fab69311cc7d32b5a99c2007b4b2a0e932"}, + {file = "frozenlist-1.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:e6a20a581f9ce92d389a8c7d7c3dd47c81fd5d6e655c8dddf341e14aa48659d0"}, + {file = "frozenlist-1.4.1-py3-none-any.whl", hash = "sha256:04ced3e6a46b4cfffe20f9ae482818e34eba9b5fb0ce4056e4cc9b6e212d09b7"}, + {file = "frozenlist-1.4.1.tar.gz", hash = "sha256:c037a86e8513059a2613aaba4d817bb90b9d9b6b69aace3ce9c877e8c8ed402b"}, +] + [[package]] name = "genson" version = "1.2.2" @@ -322,13 +568,13 @@ files = [ [[package]] name = "idna" -version = "3.4" +version = "3.6" description = "Internationalized Domain Names in Applications (IDNA)" optional = false python-versions = ">=3.5" files = [ - {file = "idna-3.4-py3-none-any.whl", hash = "sha256:90b77e79eaa3eba6de819a0c442c0b4ceefc341a7a2ab77d7562bf49f425c5c2"}, - {file = "idna-3.4.tar.gz", hash = "sha256:814f528e8dead7d329833b91c5faa87d60bf71824cd12a7530b5526063d02cb4"}, + {file = "idna-3.6-py3-none-any.whl", hash = "sha256:c05567e9c24a6b9faaa835c4821bad0590fbb9d5779e7caa6e1cc4978e7eb24f"}, + {file = "idna-3.6.tar.gz", hash = "sha256:9ecdbbd083b06798ae1e86adcbfe8ab1479cf864e4ee30fe4e46a003d12491ca"}, ] [[package]] @@ -347,13 +593,13 @@ six = "*" [[package]] name = "jinja2" -version = "3.1.2" +version = "3.1.3" description = "A very fast and expressive template engine." optional = false python-versions = ">=3.7" files = [ - {file = "Jinja2-3.1.2-py3-none-any.whl", hash = "sha256:6088930bfe239f0e6710546ab9c19c9ef35e29792895fed6e6e31a023a182a61"}, - {file = "Jinja2-3.1.2.tar.gz", hash = "sha256:31351a702a408a9e7595a8fc6150fc3f43bb6bf7e319770cbc0db9df9437e852"}, + {file = "Jinja2-3.1.3-py3-none-any.whl", hash = "sha256:7d6d50dd97d52cbc355597bd845fabfbac3f551e1f99619e39a35ce8c370b5fa"}, + {file = "Jinja2-3.1.3.tar.gz", hash = "sha256:ac8bd6544d4bb2c9792bf3a159e80bba8fda7f07e81bc3aed565432d5925ba90"}, ] [package.dependencies] @@ -362,20 +608,6 @@ MarkupSafe = ">=2.0" [package.extras] i18n = ["Babel (>=2.7)"] -[[package]] -name = "jsonlines" -version = "4.0.0" -description = "Library with helpers for the jsonlines file format" -optional = false -python-versions = ">=3.8" -files = [ - {file = "jsonlines-4.0.0-py3-none-any.whl", hash = "sha256:185b334ff2ca5a91362993f42e83588a360cf95ce4b71a73548502bda52a7c55"}, - {file = "jsonlines-4.0.0.tar.gz", hash = "sha256:0c6d2c09117550c089995247f605ae4cf77dd1533041d366351f6f298822ea74"}, -] - -[package.dependencies] -attrs = ">=19.2.0" - [[package]] name = "jsonref" version = "0.3.0" @@ -410,280 +642,465 @@ format-nongpl = ["idna", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3986-va [[package]] name = "markupsafe" -version = "2.1.3" +version = "2.1.5" description = "Safely add untrusted strings to HTML/XML markup." optional = false python-versions = ">=3.7" files = [ - {file = "MarkupSafe-2.1.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:cd0f502fe016460680cd20aaa5a76d241d6f35a1c3350c474bac1273803893fa"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e09031c87a1e51556fdcb46e5bd4f59dfb743061cf93c4d6831bf894f125eb57"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:68e78619a61ecf91e76aa3e6e8e33fc4894a2bebe93410754bd28fce0a8a4f9f"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:65c1a9bcdadc6c28eecee2c119465aebff8f7a584dd719facdd9e825ec61ab52"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:525808b8019e36eb524b8c68acdd63a37e75714eac50e988180b169d64480a00"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:962f82a3086483f5e5f64dbad880d31038b698494799b097bc59c2edf392fce6"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:aa7bd130efab1c280bed0f45501b7c8795f9fdbeb02e965371bbef3523627779"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c9c804664ebe8f83a211cace637506669e7890fec1b4195b505c214e50dd4eb7"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-win32.whl", hash = "sha256:10bbfe99883db80bdbaff2dcf681dfc6533a614f700da1287707e8a5d78a8431"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-win_amd64.whl", hash = "sha256:1577735524cdad32f9f694208aa75e422adba74f1baee7551620e43a3141f559"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:ad9e82fb8f09ade1c3e1b996a6337afac2b8b9e365f926f5a61aacc71adc5b3c"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3c0fae6c3be832a0a0473ac912810b2877c8cb9d76ca48de1ed31e1c68386575"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b076b6226fb84157e3f7c971a47ff3a679d837cf338547532ab866c57930dbee"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bfce63a9e7834b12b87c64d6b155fdd9b3b96191b6bd334bf37db7ff1fe457f2"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:338ae27d6b8745585f87218a3f23f1512dbf52c26c28e322dbe54bcede54ccb9"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e4dd52d80b8c83fdce44e12478ad2e85c64ea965e75d66dbeafb0a3e77308fcc"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:df0be2b576a7abbf737b1575f048c23fb1d769f267ec4358296f31c2479db8f9"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:5bbe06f8eeafd38e5d0a4894ffec89378b6c6a625ff57e3028921f8ff59318ac"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-win32.whl", hash = "sha256:dd15ff04ffd7e05ffcb7fe79f1b98041b8ea30ae9234aed2a9168b5797c3effb"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-win_amd64.whl", hash = "sha256:134da1eca9ec0ae528110ccc9e48041e0828d79f24121a1a146161103c76e686"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:f698de3fd0c4e6972b92290a45bd9b1536bffe8c6759c62471efaa8acb4c37bc"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:aa57bd9cf8ae831a362185ee444e15a93ecb2e344c8e52e4d721ea3ab6ef1823"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ffcc3f7c66b5f5b7931a5aa68fc9cecc51e685ef90282f4a82f0f5e9b704ad11"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:47d4f1c5f80fc62fdd7777d0d40a2e9dda0a05883ab11374334f6c4de38adffd"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1f67c7038d560d92149c060157d623c542173016c4babc0c1913cca0564b9939"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:9aad3c1755095ce347e26488214ef77e0485a3c34a50c5a5e2471dff60b9dd9c"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:14ff806850827afd6b07a5f32bd917fb7f45b046ba40c57abdb636674a8b559c"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8f9293864fe09b8149f0cc42ce56e3f0e54de883a9de90cd427f191c346eb2e1"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-win32.whl", hash = "sha256:715d3562f79d540f251b99ebd6d8baa547118974341db04f5ad06d5ea3eb8007"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-win_amd64.whl", hash = "sha256:1b8dd8c3fd14349433c79fa8abeb573a55fc0fdd769133baac1f5e07abf54aeb"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:8e254ae696c88d98da6555f5ace2279cf7cd5b3f52be2b5cf97feafe883b58d2"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cb0932dc158471523c9637e807d9bfb93e06a95cbf010f1a38b98623b929ef2b"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9402b03f1a1b4dc4c19845e5c749e3ab82d5078d16a2a4c2cd2df62d57bb0707"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ca379055a47383d02a5400cb0d110cef0a776fc644cda797db0c5696cfd7e18e"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:b7ff0f54cb4ff66dd38bebd335a38e2c22c41a8ee45aa608efc890ac3e3931bc"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:c011a4149cfbcf9f03994ec2edffcb8b1dc2d2aede7ca243746df97a5d41ce48"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:56d9f2ecac662ca1611d183feb03a3fa4406469dafe241673d521dd5ae92a155"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-win32.whl", hash = "sha256:8758846a7e80910096950b67071243da3e5a20ed2546e6392603c096778d48e0"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-win_amd64.whl", hash = "sha256:787003c0ddb00500e49a10f2844fac87aa6ce977b90b0feaaf9de23c22508b24"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:2ef12179d3a291be237280175b542c07a36e7f60718296278d8593d21ca937d4"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2c1b19b3aaacc6e57b7e25710ff571c24d6c3613a45e905b1fde04d691b98ee0"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8afafd99945ead6e075b973fefa56379c5b5c53fd8937dad92c662da5d8fd5ee"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8c41976a29d078bb235fea9b2ecd3da465df42a562910f9022f1a03107bd02be"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d080e0a5eb2529460b30190fcfcc4199bd7f827663f858a226a81bc27beaa97e"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:69c0f17e9f5a7afdf2cc9fb2d1ce6aabdb3bafb7f38017c0b77862bcec2bbad8"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:504b320cd4b7eff6f968eddf81127112db685e81f7e36e75f9f84f0df46041c3"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:42de32b22b6b804f42c5d98be4f7e5e977ecdd9ee9b660fda1a3edf03b11792d"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-win32.whl", hash = "sha256:ceb01949af7121f9fc39f7d27f91be8546f3fb112c608bc4029aef0bab86a2a5"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-win_amd64.whl", hash = "sha256:1b40069d487e7edb2676d3fbdb2b0829ffa2cd63a2ec26c4938b2d34391b4ecc"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:8023faf4e01efadfa183e863fefde0046de576c6f14659e8782065bcece22198"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6b2b56950d93e41f33b4223ead100ea0fe11f8e6ee5f641eb753ce4b77a7042b"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9dcdfd0eaf283af041973bff14a2e143b8bd64e069f4c383416ecd79a81aab58"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:05fb21170423db021895e1ea1e1f3ab3adb85d1c2333cbc2310f2a26bc77272e"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:282c2cb35b5b673bbcadb33a585408104df04f14b2d9b01d4c345a3b92861c2c"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:ab4a0df41e7c16a1392727727e7998a467472d0ad65f3ad5e6e765015df08636"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7ef3cb2ebbf91e330e3bb937efada0edd9003683db6b57bb108c4001f37a02ea"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:0a4e4a1aff6c7ac4cd55792abf96c915634c2b97e3cc1c7129578aa68ebd754e"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-win32.whl", hash = "sha256:fec21693218efe39aa7f8599346e90c705afa52c5b31ae019b2e57e8f6542bb2"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-win_amd64.whl", hash = "sha256:3fd4abcb888d15a94f32b75d8fd18ee162ca0c064f35b11134be77050296d6ba"}, - {file = "MarkupSafe-2.1.3.tar.gz", hash = "sha256:af598ed32d6ae86f1b747b82783958b1a4ab8f617b06fe68795c7f026abbdcad"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a17a92de5231666cfbe003f0e4b9b3a7ae3afb1ec2845aadc2bacc93ff85febc"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:72b6be590cc35924b02c78ef34b467da4ba07e4e0f0454a2c5907f473fc50ce5"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e61659ba32cf2cf1481e575d0462554625196a1f2fc06a1c777d3f48e8865d46"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2174c595a0d73a3080ca3257b40096db99799265e1c27cc5a610743acd86d62f"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ae2ad8ae6ebee9d2d94b17fb62763125f3f374c25618198f40cbb8b525411900"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:075202fa5b72c86ad32dc7d0b56024ebdbcf2048c0ba09f1cde31bfdd57bcfff"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:598e3276b64aff0e7b3451b72e94fa3c238d452e7ddcd893c3ab324717456bad"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fce659a462a1be54d2ffcacea5e3ba2d74daa74f30f5f143fe0c58636e355fdd"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-win32.whl", hash = "sha256:d9fad5155d72433c921b782e58892377c44bd6252b5af2f67f16b194987338a4"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-win_amd64.whl", hash = "sha256:bf50cd79a75d181c9181df03572cdce0fbb75cc353bc350712073108cba98de5"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:629ddd2ca402ae6dbedfceeba9c46d5f7b2a61d9749597d4307f943ef198fc1f"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5b7b716f97b52c5a14bffdf688f971b2d5ef4029127f1ad7a513973cfd818df2"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6ec585f69cec0aa07d945b20805be741395e28ac1627333b1c5b0105962ffced"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b91c037585eba9095565a3556f611e3cbfaa42ca1e865f7b8015fe5c7336d5a5"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7502934a33b54030eaf1194c21c692a534196063db72176b0c4028e140f8f32c"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0e397ac966fdf721b2c528cf028494e86172b4feba51d65f81ffd65c63798f3f"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c061bb86a71b42465156a3ee7bd58c8c2ceacdbeb95d05a99893e08b8467359a"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:3a57fdd7ce31c7ff06cdfbf31dafa96cc533c21e443d57f5b1ecc6cdc668ec7f"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-win32.whl", hash = "sha256:397081c1a0bfb5124355710fe79478cdbeb39626492b15d399526ae53422b906"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-win_amd64.whl", hash = "sha256:2b7c57a4dfc4f16f7142221afe5ba4e093e09e728ca65c51f5620c9aaeb9a617"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:8dec4936e9c3100156f8a2dc89c4b88d5c435175ff03413b443469c7c8c5f4d1"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:3c6b973f22eb18a789b1460b4b91bf04ae3f0c4234a0a6aa6b0a92f6f7b951d4"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ac07bad82163452a6884fe8fa0963fb98c2346ba78d779ec06bd7a6262132aee"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f5dfb42c4604dddc8e4305050aa6deb084540643ed5804d7455b5df8fe16f5e5"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ea3d8a3d18833cf4304cd2fc9cbb1efe188ca9b5efef2bdac7adc20594a0e46b"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:d050b3361367a06d752db6ead6e7edeb0009be66bc3bae0ee9d97fb326badc2a"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:bec0a414d016ac1a18862a519e54b2fd0fc8bbfd6890376898a6c0891dd82e9f"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:58c98fee265677f63a4385256a6d7683ab1832f3ddd1e66fe948d5880c21a169"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-win32.whl", hash = "sha256:8590b4ae07a35970728874632fed7bd57b26b0102df2d2b233b6d9d82f6c62ad"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-win_amd64.whl", hash = "sha256:823b65d8706e32ad2df51ed89496147a42a2a6e01c13cfb6ffb8b1e92bc910bb"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:c8b29db45f8fe46ad280a7294f5c3ec36dbac9491f2d1c17345be8e69cc5928f"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ec6a563cff360b50eed26f13adc43e61bc0c04d94b8be985e6fb24b81f6dcfdf"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a549b9c31bec33820e885335b451286e2969a2d9e24879f83fe904a5ce59d70a"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4f11aa001c540f62c6166c7726f71f7573b52c68c31f014c25cc7901deea0b52"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:7b2e5a267c855eea6b4283940daa6e88a285f5f2a67f2220203786dfa59b37e9"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:2d2d793e36e230fd32babe143b04cec8a8b3eb8a3122d2aceb4a371e6b09b8df"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:ce409136744f6521e39fd8e2a24c53fa18ad67aa5bc7c2cf83645cce5b5c4e50"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-win32.whl", hash = "sha256:4096e9de5c6fdf43fb4f04c26fb114f61ef0bf2e5604b6ee3019d51b69e8c371"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-win_amd64.whl", hash = "sha256:4275d846e41ecefa46e2015117a9f491e57a71ddd59bbead77e904dc02b1bed2"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:656f7526c69fac7f600bd1f400991cc282b417d17539a1b228617081106feb4a"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:97cafb1f3cbcd3fd2b6fbfb99ae11cdb14deea0736fc2b0952ee177f2b813a46"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f3fbcb7ef1f16e48246f704ab79d79da8a46891e2da03f8783a5b6fa41a9532"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fa9db3f79de01457b03d4f01b34cf91bc0048eb2c3846ff26f66687c2f6d16ab"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ffee1f21e5ef0d712f9033568f8344d5da8cc2869dbd08d87c84656e6a2d2f68"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5dedb4db619ba5a2787a94d877bc8ffc0566f92a01c0ef214865e54ecc9ee5e0"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:30b600cf0a7ac9234b2638fbc0fb6158ba5bdcdf46aeb631ead21248b9affbc4"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8dd717634f5a044f860435c1d8c16a270ddf0ef8588d4887037c5028b859b0c3"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-win32.whl", hash = "sha256:daa4ee5a243f0f20d528d939d06670a298dd39b1ad5f8a72a4275124a7819eff"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-win_amd64.whl", hash = "sha256:619bc166c4f2de5caa5a633b8b7326fbe98e0ccbfacabd87268a2b15ff73a029"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7a68b554d356a91cce1236aa7682dc01df0edba8d043fd1ce607c49dd3c1edcf"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:db0b55e0f3cc0be60c1f19efdde9a637c32740486004f20d1cff53c3c0ece4d2"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e53af139f8579a6d5f7b76549125f0d94d7e630761a2111bc431fd820e163b8"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17b950fccb810b3293638215058e432159d2b71005c74371d784862b7e4683f3"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c31f53cdae6ecfa91a77820e8b151dba54ab528ba65dfd235c80b086d68a465"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:bff1b4290a66b490a2f4719358c0cdcd9bafb6b8f061e45c7a2460866bf50c2e"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:bc1667f8b83f48511b94671e0e441401371dfd0f0a795c7daa4a3cd1dde55bea"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5049256f536511ee3f7e1b3f87d1d1209d327e818e6ae1365e8653d7e3abb6a6"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-win32.whl", hash = "sha256:00e046b6dd71aa03a41079792f8473dc494d564611a8f89bbbd7cb93295ebdcf"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-win_amd64.whl", hash = "sha256:fa173ec60341d6bb97a89f5ea19c85c5643c1e7dedebc22f5181eb73573142c5"}, + {file = "MarkupSafe-2.1.5.tar.gz", hash = "sha256:d283d37a890ba4c1ae73ffadf8046435c76e7bc2247bbb63c00bd1a709c6544b"}, ] [[package]] -name = "mypy" -version = "1.6.1" -description = "Optional static typing for Python" +name = "multidict" +version = "6.0.5" +description = "multidict implementation" optional = false -python-versions = ">=3.8" -files = [ - {file = "mypy-1.6.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e5012e5cc2ac628177eaac0e83d622b2dd499e28253d4107a08ecc59ede3fc2c"}, - {file = "mypy-1.6.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d8fbb68711905f8912e5af474ca8b78d077447d8f3918997fecbf26943ff3cbb"}, - {file = "mypy-1.6.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21a1ad938fee7d2d96ca666c77b7c494c3c5bd88dff792220e1afbebb2925b5e"}, - {file = "mypy-1.6.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:b96ae2c1279d1065413965c607712006205a9ac541895004a1e0d4f281f2ff9f"}, - {file = "mypy-1.6.1-cp310-cp310-win_amd64.whl", hash = "sha256:40b1844d2e8b232ed92e50a4bd11c48d2daa351f9deee6c194b83bf03e418b0c"}, - {file = "mypy-1.6.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:81af8adaa5e3099469e7623436881eff6b3b06db5ef75e6f5b6d4871263547e5"}, - {file = "mypy-1.6.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:8c223fa57cb154c7eab5156856c231c3f5eace1e0bed9b32a24696b7ba3c3245"}, - {file = "mypy-1.6.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a8032e00ce71c3ceb93eeba63963b864bf635a18f6c0c12da6c13c450eedb183"}, - {file = "mypy-1.6.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:4c46b51de523817a0045b150ed11b56f9fff55f12b9edd0f3ed35b15a2809de0"}, - {file = "mypy-1.6.1-cp311-cp311-win_amd64.whl", hash = "sha256:19f905bcfd9e167159b3d63ecd8cb5e696151c3e59a1742e79bc3bcb540c42c7"}, - {file = "mypy-1.6.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:82e469518d3e9a321912955cc702d418773a2fd1e91c651280a1bda10622f02f"}, - {file = "mypy-1.6.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d4473c22cc296425bbbce7e9429588e76e05bc7342da359d6520b6427bf76660"}, - {file = "mypy-1.6.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:59a0d7d24dfb26729e0a068639a6ce3500e31d6655df8557156c51c1cb874ce7"}, - {file = "mypy-1.6.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:cfd13d47b29ed3bbaafaff7d8b21e90d827631afda134836962011acb5904b71"}, - {file = "mypy-1.6.1-cp312-cp312-win_amd64.whl", hash = "sha256:eb4f18589d196a4cbe5290b435d135dee96567e07c2b2d43b5c4621b6501531a"}, - {file = "mypy-1.6.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:41697773aa0bf53ff917aa077e2cde7aa50254f28750f9b88884acea38a16169"}, - {file = "mypy-1.6.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7274b0c57737bd3476d2229c6389b2ec9eefeb090bbaf77777e9d6b1b5a9d143"}, - {file = "mypy-1.6.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bbaf4662e498c8c2e352da5f5bca5ab29d378895fa2d980630656178bd607c46"}, - {file = "mypy-1.6.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:bb8ccb4724f7d8601938571bf3f24da0da791fe2db7be3d9e79849cb64e0ae85"}, - {file = "mypy-1.6.1-cp38-cp38-win_amd64.whl", hash = "sha256:68351911e85145f582b5aa6cd9ad666c8958bcae897a1bfda8f4940472463c45"}, - {file = "mypy-1.6.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:49ae115da099dcc0922a7a895c1eec82c1518109ea5c162ed50e3b3594c71208"}, - {file = "mypy-1.6.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:8b27958f8c76bed8edaa63da0739d76e4e9ad4ed325c814f9b3851425582a3cd"}, - {file = "mypy-1.6.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:925cd6a3b7b55dfba252b7c4561892311c5358c6b5a601847015a1ad4eb7d332"}, - {file = "mypy-1.6.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8f57e6b6927a49550da3d122f0cb983d400f843a8a82e65b3b380d3d7259468f"}, - {file = "mypy-1.6.1-cp39-cp39-win_amd64.whl", hash = "sha256:a43ef1c8ddfdb9575691720b6352761f3f53d85f1b57d7745701041053deff30"}, - {file = "mypy-1.6.1-py3-none-any.whl", hash = "sha256:4cbe68ef919c28ea561165206a2dcb68591c50f3bcf777932323bc208d949cf1"}, - {file = "mypy-1.6.1.tar.gz", hash = "sha256:4d01c00d09a0be62a4ca3f933e315455bde83f37f892ba4b08ce92f3cf44bcc1"}, -] - -[package.dependencies] -mypy-extensions = ">=1.0.0" -typing-extensions = ">=4.1.0" - -[package.extras] -dmypy = ["psutil (>=4.0)"] -install-types = ["pip"] -reports = ["lxml"] - -[[package]] -name = "mypy-extensions" -version = "1.0.0" -description = "Type system extensions for programs checked with the mypy type checker." -optional = false -python-versions = ">=3.5" +python-versions = ">=3.7" files = [ - {file = "mypy_extensions-1.0.0-py3-none-any.whl", hash = "sha256:4392f6c0eb8a5668a69e23d168ffa70f0be9ccfd32b5cc2d26a34ae5b844552d"}, - {file = "mypy_extensions-1.0.0.tar.gz", hash = "sha256:75dbf8955dc00442a438fc4d0666508a9a97b6bd41aa2f0ffe9d2f2725af0782"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:228b644ae063c10e7f324ab1ab6b548bdf6f8b47f3ec234fef1093bc2735e5f9"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:896ebdcf62683551312c30e20614305f53125750803b614e9e6ce74a96232604"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:411bf8515f3be9813d06004cac41ccf7d1cd46dfe233705933dd163b60e37600"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d147090048129ce3c453f0292e7697d333db95e52616b3793922945804a433c"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:215ed703caf15f578dca76ee6f6b21b7603791ae090fbf1ef9d865571039ade5"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c6390cf87ff6234643428991b7359b5f59cc15155695deb4eda5c777d2b880f"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21fd81c4ebdb4f214161be351eb5bcf385426bf023041da2fd9e60681f3cebae"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3cc2ad10255f903656017363cd59436f2111443a76f996584d1077e43ee51182"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6939c95381e003f54cd4c5516740faba40cf5ad3eeff460c3ad1d3e0ea2549bf"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:220dd781e3f7af2c2c1053da9fa96d9cf3072ca58f057f4c5adaaa1cab8fc442"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:766c8f7511df26d9f11cd3a8be623e59cca73d44643abab3f8c8c07620524e4a"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:fe5d7785250541f7f5019ab9cba2c71169dc7d74d0f45253f8313f436458a4ef"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c1c1496e73051918fcd4f58ff2e0f2f3066d1c76a0c6aeffd9b45d53243702cc"}, + {file = "multidict-6.0.5-cp310-cp310-win32.whl", hash = "sha256:7afcdd1fc07befad18ec4523a782cde4e93e0a2bf71239894b8d61ee578c1319"}, + {file = "multidict-6.0.5-cp310-cp310-win_amd64.whl", hash = "sha256:99f60d34c048c5c2fabc766108c103612344c46e35d4ed9ae0673d33c8fb26e8"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f285e862d2f153a70586579c15c44656f888806ed0e5b56b64489afe4a2dbfba"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:53689bb4e102200a4fafa9de9c7c3c212ab40a7ab2c8e474491914d2305f187e"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:612d1156111ae11d14afaf3a0669ebf6c170dbb735e510a7438ffe2369a847fd"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7be7047bd08accdb7487737631d25735c9a04327911de89ff1b26b81745bd4e3"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de170c7b4fe6859beb8926e84f7d7d6c693dfe8e27372ce3b76f01c46e489fcf"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04bde7a7b3de05732a4eb39c94574db1ec99abb56162d6c520ad26f83267de29"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85f67aed7bb647f93e7520633d8f51d3cbc6ab96957c71272b286b2f30dc70ed"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:425bf820055005bfc8aa9a0b99ccb52cc2f4070153e34b701acc98d201693733"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d3eb1ceec286eba8220c26f3b0096cf189aea7057b6e7b7a2e60ed36b373b77f"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:7901c05ead4b3fb75113fb1dd33eb1253c6d3ee37ce93305acd9d38e0b5f21a4"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:e0e79d91e71b9867c73323a3444724d496c037e578a0e1755ae159ba14f4f3d1"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:29bfeb0dff5cb5fdab2023a7a9947b3b4af63e9c47cae2a10ad58394b517fddc"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e030047e85cbcedbfc073f71836d62dd5dadfbe7531cae27789ff66bc551bd5e"}, + {file = "multidict-6.0.5-cp311-cp311-win32.whl", hash = "sha256:2f4848aa3baa109e6ab81fe2006c77ed4d3cd1e0ac2c1fbddb7b1277c168788c"}, + {file = "multidict-6.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:2faa5ae9376faba05f630d7e5e6be05be22913782b927b19d12b8145968a85ea"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:51d035609b86722963404f711db441cf7134f1889107fb171a970c9701f92e1e"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cbebcd5bcaf1eaf302617c114aa67569dd3f090dd0ce8ba9e35e9985b41ac35b"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2ffc42c922dbfddb4a4c3b438eb056828719f07608af27d163191cb3e3aa6cc5"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ceb3b7e6a0135e092de86110c5a74e46bda4bd4fbfeeb3a3bcec79c0f861e450"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:79660376075cfd4b2c80f295528aa6beb2058fd289f4c9252f986751a4cd0496"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e4428b29611e989719874670fd152b6625500ad6c686d464e99f5aaeeaca175a"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d84a5c3a5f7ce6db1f999fb9438f686bc2e09d38143f2d93d8406ed2dd6b9226"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:76c0de87358b192de7ea9649beb392f107dcad9ad27276324c24c91774ca5271"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:79a6d2ba910adb2cbafc95dad936f8b9386e77c84c35bc0add315b856d7c3abb"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:92d16a3e275e38293623ebf639c471d3e03bb20b8ebb845237e0d3664914caef"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:fb616be3538599e797a2017cccca78e354c767165e8858ab5116813146041a24"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:14c2976aa9038c2629efa2c148022ed5eb4cb939e15ec7aace7ca932f48f9ba6"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:435a0984199d81ca178b9ae2c26ec3d49692d20ee29bc4c11a2a8d4514c67eda"}, + {file = "multidict-6.0.5-cp312-cp312-win32.whl", hash = "sha256:9fe7b0653ba3d9d65cbe7698cca585bf0f8c83dbbcc710db9c90f478e175f2d5"}, + {file = "multidict-6.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:01265f5e40f5a17f8241d52656ed27192be03bfa8764d88e8220141d1e4b3556"}, + {file = "multidict-6.0.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:19fe01cea168585ba0f678cad6f58133db2aa14eccaf22f88e4a6dccadfad8b3"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf7a982604375a8d49b6cc1b781c1747f243d91b81035a9b43a2126c04766f5"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:107c0cdefe028703fb5dafe640a409cb146d44a6ae201e55b35a4af8e95457dd"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:403c0911cd5d5791605808b942c88a8155c2592e05332d2bf78f18697a5fa15e"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aeaf541ddbad8311a87dd695ed9642401131ea39ad7bc8cf3ef3967fd093b626"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e4972624066095e52b569e02b5ca97dbd7a7ddd4294bf4e7247d52635630dd83"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d946b0a9eb8aaa590df1fe082cee553ceab173e6cb5b03239716338629c50c7a"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b55358304d7a73d7bdf5de62494aaf70bd33015831ffd98bc498b433dfe5b10c"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a3145cb08d8625b2d3fee1b2d596a8766352979c9bffe5d7833e0503d0f0b5e5"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d65f25da8e248202bd47445cec78e0025c0fe7582b23ec69c3b27a640dd7a8e3"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:c9bf56195c6bbd293340ea82eafd0071cb3d450c703d2c93afb89f93b8386ccc"}, + {file = "multidict-6.0.5-cp37-cp37m-win32.whl", hash = "sha256:69db76c09796b313331bb7048229e3bee7928eb62bab5e071e9f7fcc4879caee"}, + {file = "multidict-6.0.5-cp37-cp37m-win_amd64.whl", hash = "sha256:fce28b3c8a81b6b36dfac9feb1de115bab619b3c13905b419ec71d03a3fc1423"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:76f067f5121dcecf0d63a67f29080b26c43c71a98b10c701b0677e4a065fbd54"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b82cc8ace10ab5bd93235dfaab2021c70637005e1ac787031f4d1da63d493c1d"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:5cb241881eefd96b46f89b1a056187ea8e9ba14ab88ba632e68d7a2ecb7aadf7"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8e94e6912639a02ce173341ff62cc1201232ab86b8a8fcc05572741a5dc7d93"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:09a892e4a9fb47331da06948690ae38eaa2426de97b4ccbfafbdcbe5c8f37ff8"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55205d03e8a598cfc688c71ca8ea5f66447164efff8869517f175ea632c7cb7b"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37b15024f864916b4951adb95d3a80c9431299080341ab9544ed148091b53f50"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2a1dee728b52b33eebff5072817176c172050d44d67befd681609b4746e1c2e"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:edd08e6f2f1a390bf137080507e44ccc086353c8e98c657e666c017718561b89"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:60d698e8179a42ec85172d12f50b1668254628425a6bd611aba022257cac1386"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:3d25f19500588cbc47dc19081d78131c32637c25804df8414463ec908631e453"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4cc0ef8b962ac7a5e62b9e826bd0cd5040e7d401bc45a6835910ed699037a461"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:eca2e9d0cc5a889850e9bbd68e98314ada174ff6ccd1129500103df7a94a7a44"}, + {file = "multidict-6.0.5-cp38-cp38-win32.whl", hash = "sha256:4a6a4f196f08c58c59e0b8ef8ec441d12aee4125a7d4f4fef000ccb22f8d7241"}, + {file = "multidict-6.0.5-cp38-cp38-win_amd64.whl", hash = "sha256:0275e35209c27a3f7951e1ce7aaf93ce0d163b28948444bec61dd7badc6d3f8c"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e7be68734bd8c9a513f2b0cfd508802d6609da068f40dc57d4e3494cefc92929"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1d9ea7a7e779d7a3561aade7d596649fbecfa5c08a7674b11b423783217933f9"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ea1456df2a27c73ce51120fa2f519f1bea2f4a03a917f4a43c8707cf4cbbae1a"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cf590b134eb70629e350691ecca88eac3e3b8b3c86992042fb82e3cb1830d5e1"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5c0631926c4f58e9a5ccce555ad7747d9a9f8b10619621f22f9635f069f6233e"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dce1c6912ab9ff5f179eaf6efe7365c1f425ed690b03341911bf4939ef2f3046"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0868d64af83169e4d4152ec612637a543f7a336e4a307b119e98042e852ad9c"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:141b43360bfd3bdd75f15ed811850763555a251e38b2405967f8e25fb43f7d40"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7df704ca8cf4a073334e0427ae2345323613e4df18cc224f647f251e5e75a527"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:6214c5a5571802c33f80e6c84713b2c79e024995b9c5897f794b43e714daeec9"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:cd6c8fca38178e12c00418de737aef1261576bd1b6e8c6134d3e729a4e858b38"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:e02021f87a5b6932fa6ce916ca004c4d441509d33bbdbeca70d05dff5e9d2479"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ebd8d160f91a764652d3e51ce0d2956b38efe37c9231cd82cfc0bed2e40b581c"}, + {file = "multidict-6.0.5-cp39-cp39-win32.whl", hash = "sha256:04da1bb8c8dbadf2a18a452639771951c662c5ad03aefe4884775454be322c9b"}, + {file = "multidict-6.0.5-cp39-cp39-win_amd64.whl", hash = "sha256:d6f6d4f185481c9669b9447bf9d9cf3b95a0e9df9d169bbc17e363b7d5487755"}, + {file = "multidict-6.0.5-py3-none-any.whl", hash = "sha256:0d63c74e3d7ab26de115c49bffc92cc77ed23395303d496eae515d4204a625e7"}, + {file = "multidict-6.0.5.tar.gz", hash = "sha256:f7e301075edaf50500f0b341543c41194d8df3ae5caf4702f2095f3ca73dd8da"}, ] [[package]] name = "orjson" -version = "3.9.9" +version = "3.9.15" description = "Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy" optional = false python-versions = ">=3.8" files = [ - {file = "orjson-3.9.9-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:f28090060a31f4d11221f9ba48b2273b0d04b702f4dcaa197c38c64ce639cc51"}, - {file = "orjson-3.9.9-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8038ba245d0c0a6337cfb6747ea0c51fe18b0cf1a4bc943d530fd66799fae33d"}, - {file = "orjson-3.9.9-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:543b36df56db195739c70d645ecd43e49b44d5ead5f8f645d2782af118249b37"}, - {file = "orjson-3.9.9-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8e7877256b5092f1e4e48fc0f1004728dc6901e7a4ffaa4acb0a9578610aa4ce"}, - {file = "orjson-3.9.9-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:12b83e0d8ba4ca88b894c3e00efc59fe6d53d9ffb5dbbb79d437a466fc1a513d"}, - {file = "orjson-3.9.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1ef06431f021453a47a9abb7f7853f04f031d31fbdfe1cc83e3c6aadde502cce"}, - {file = "orjson-3.9.9-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0a1a4d9e64597e550428ba091e51a4bcddc7a335c8f9297effbfa67078972b5c"}, - {file = "orjson-3.9.9-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:879d2d1f6085c9c0831cec6716c63aaa89e41d8e036cabb19a315498c173fcc6"}, - {file = "orjson-3.9.9-cp310-none-win32.whl", hash = "sha256:d3f56e41bc79d30fdf077073072f2377d2ebf0b946b01f2009ab58b08907bc28"}, - {file = "orjson-3.9.9-cp310-none-win_amd64.whl", hash = "sha256:ab7bae2b8bf17620ed381e4101aeeb64b3ba2a45fc74c7617c633a923cb0f169"}, - {file = "orjson-3.9.9-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:31d676bc236f6e919d100fb85d0a99812cff1ebffaa58106eaaec9399693e227"}, - {file = "orjson-3.9.9-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:678ffb5c0a6b1518b149cc328c610615d70d9297e351e12c01d0beed5d65360f"}, - {file = "orjson-3.9.9-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:a71b0cc21f2c324747bc77c35161e0438e3b5e72db6d3b515310457aba743f7f"}, - {file = "orjson-3.9.9-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ae72621f216d1d990468291b1ec153e1b46e0ed188a86d54e0941f3dabd09ee8"}, - {file = "orjson-3.9.9-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:512e5a41af008e76451f5a344941d61f48dddcf7d7ddd3073deb555de64596a6"}, - {file = "orjson-3.9.9-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f89dc338a12f4357f5bf1b098d3dea6072fb0b643fd35fec556f4941b31ae27"}, - {file = "orjson-3.9.9-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:957a45fb201c61b78bcf655a16afbe8a36c2c27f18a998bd6b5d8a35e358d4ad"}, - {file = "orjson-3.9.9-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:d1c01cf4b8e00c7e98a0a7cf606a30a26c32adf2560be2d7d5d6766d6f474b31"}, - {file = "orjson-3.9.9-cp311-none-win32.whl", hash = "sha256:397a185e5dd7f8ebe88a063fe13e34d61d394ebb8c70a443cee7661b9c89bda7"}, - {file = "orjson-3.9.9-cp311-none-win_amd64.whl", hash = "sha256:24301f2d99d670ded4fb5e2f87643bc7428a54ba49176e38deb2887e42fe82fb"}, - {file = "orjson-3.9.9-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:bd55ea5cce3addc03f8fb0705be0cfed63b048acc4f20914ce5e1375b15a293b"}, - {file = "orjson-3.9.9-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b28c1a65cd13fff5958ab8b350f0921121691464a7a1752936b06ed25c0c7b6e"}, - {file = "orjson-3.9.9-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b97a67c47840467ccf116136450c50b6ed4e16a8919c81a4b4faef71e0a2b3f4"}, - {file = "orjson-3.9.9-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:75b805549cbbcb963e9c9068f1a05abd0ea4c34edc81f8d8ef2edb7e139e5b0f"}, - {file = "orjson-3.9.9-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5424ecbafe57b2de30d3b5736c5d5835064d522185516a372eea069b92786ba6"}, - {file = "orjson-3.9.9-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0d2cd6ef4726ef1b8c63e30d8287225a383dbd1de3424d287b37c1906d8d2855"}, - {file = "orjson-3.9.9-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:c959550e0705dc9f59de8fca1a316da0d9b115991806b217c82931ac81d75f74"}, - {file = "orjson-3.9.9-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ece2d8ed4c34903e7f1b64fb1e448a00e919a4cdb104fc713ad34b055b665fca"}, - {file = "orjson-3.9.9-cp312-none-win_amd64.whl", hash = "sha256:f708ca623287186e5876256cb30599308bce9b2757f90d917b7186de54ce6547"}, - {file = "orjson-3.9.9-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:335406231f9247f985df045f0c0c8f6b6d5d6b3ff17b41a57c1e8ef1a31b4d04"}, - {file = "orjson-3.9.9-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9d9b5440a5d215d9e1cfd4aee35fd4101a8b8ceb8329f549c16e3894ed9f18b5"}, - {file = "orjson-3.9.9-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e98ca450cb4fb176dd572ce28c6623de6923752c70556be4ef79764505320acb"}, - {file = "orjson-3.9.9-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a3bf6ca6bce22eb89dd0650ef49c77341440def966abcb7a2d01de8453df083a"}, - {file = "orjson-3.9.9-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:eb50d869b3c97c7c5187eda3759e8eb15deb1271d694bc5d6ba7040db9e29036"}, - {file = "orjson-3.9.9-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6fcf06c69ccc78e32d9f28aa382ab2ab08bf54b696dbe00ee566808fdf05da7d"}, - {file = "orjson-3.9.9-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:9a4402e7df1b5c9a4c71c7892e1c8f43f642371d13c73242bda5964be6231f95"}, - {file = "orjson-3.9.9-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b20becf50d4aec7114dc902b58d85c6431b3a59b04caa977e6ce67b6fee0e159"}, - {file = "orjson-3.9.9-cp38-none-win32.whl", hash = "sha256:1f352117eccac268a59fedac884b0518347f5e2b55b9f650c2463dd1e732eb61"}, - {file = "orjson-3.9.9-cp38-none-win_amd64.whl", hash = "sha256:c4eb31a8e8a5e1d9af5aa9e247c2a52ad5cf7e968aaa9aaefdff98cfcc7f2e37"}, - {file = "orjson-3.9.9-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:4a308aeac326c2bafbca9abbae1e1fcf682b06e78a54dad0347b760525838d85"}, - {file = "orjson-3.9.9-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e159b97f5676dcdac0d0f75ec856ef5851707f61d262851eb41a30e8fadad7c9"}, - {file = "orjson-3.9.9-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f692e7aabad92fa0fff5b13a846fb586b02109475652207ec96733a085019d80"}, - {file = "orjson-3.9.9-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cffb77cf0cd3cbf20eb603f932e0dde51b45134bdd2d439c9f57924581bb395b"}, - {file = "orjson-3.9.9-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c63eca397127ebf46b59c9c1fb77b30dd7a8fc808ac385e7a58a7e64bae6e106"}, - {file = "orjson-3.9.9-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:06f0c024a75e8ba5d9101facb4fb5a028cdabe3cdfe081534f2a9de0d5062af2"}, - {file = "orjson-3.9.9-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:8cba20c9815c2a003b8ca4429b0ad4aa87cb6649af41365821249f0fd397148e"}, - {file = "orjson-3.9.9-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:906cac73b7818c20cf0f6a7dde5a6f009c52aecc318416c7af5ea37f15ca7e66"}, - {file = "orjson-3.9.9-cp39-none-win32.whl", hash = "sha256:50232572dd300c49f134838c8e7e0917f29a91f97dbd608d23f2895248464b7f"}, - {file = "orjson-3.9.9-cp39-none-win_amd64.whl", hash = "sha256:920814e02e3dd7af12f0262bbc18b9fe353f75a0d0c237f6a67d270da1a1bb44"}, - {file = "orjson-3.9.9.tar.gz", hash = "sha256:02e693843c2959befdd82d1ebae8b05ed12d1cb821605d5f9fe9f98ca5c9fd2b"}, + {file = "orjson-3.9.15-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:d61f7ce4727a9fa7680cd6f3986b0e2c732639f46a5e0156e550e35258aa313a"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4feeb41882e8aa17634b589533baafdceb387e01e117b1ec65534ec724023d04"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fbbeb3c9b2edb5fd044b2a070f127a0ac456ffd079cb82746fc84af01ef021a4"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b66bcc5670e8a6b78f0313bcb74774c8291f6f8aeef10fe70e910b8040f3ab75"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2973474811db7b35c30248d1129c64fd2bdf40d57d84beed2a9a379a6f57d0ab"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fe41b6f72f52d3da4db524c8653e46243c8c92df826ab5ffaece2dba9cccd58"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4228aace81781cc9d05a3ec3a6d2673a1ad0d8725b4e915f1089803e9efd2b99"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:6f7b65bfaf69493c73423ce9db66cfe9138b2f9ef62897486417a8fcb0a92bfe"}, + {file = "orjson-3.9.15-cp310-none-win32.whl", hash = "sha256:2d99e3c4c13a7b0fb3792cc04c2829c9db07838fb6973e578b85c1745e7d0ce7"}, + {file = "orjson-3.9.15-cp310-none-win_amd64.whl", hash = "sha256:b725da33e6e58e4a5d27958568484aa766e825e93aa20c26c91168be58e08cbb"}, + {file = "orjson-3.9.15-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:c8e8fe01e435005d4421f183038fc70ca85d2c1e490f51fb972db92af6e047c2"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:87f1097acb569dde17f246faa268759a71a2cb8c96dd392cd25c668b104cad2f"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ff0f9913d82e1d1fadbd976424c316fbc4d9c525c81d047bbdd16bd27dd98cfc"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8055ec598605b0077e29652ccfe9372247474375e0e3f5775c91d9434e12d6b1"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d6768a327ea1ba44c9114dba5fdda4a214bdb70129065cd0807eb5f010bfcbb5"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12365576039b1a5a47df01aadb353b68223da413e2e7f98c02403061aad34bde"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:71c6b009d431b3839d7c14c3af86788b3cfac41e969e3e1c22f8a6ea13139404"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e18668f1bd39e69b7fed19fa7cd1cd110a121ec25439328b5c89934e6d30d357"}, + {file = "orjson-3.9.15-cp311-none-win32.whl", hash = "sha256:62482873e0289cf7313461009bf62ac8b2e54bc6f00c6fabcde785709231a5d7"}, + {file = "orjson-3.9.15-cp311-none-win_amd64.whl", hash = "sha256:b3d336ed75d17c7b1af233a6561cf421dee41d9204aa3cfcc6c9c65cd5bb69a8"}, + {file = "orjson-3.9.15-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:82425dd5c7bd3adfe4e94c78e27e2fa02971750c2b7ffba648b0f5d5cc016a73"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c51378d4a8255b2e7c1e5cc430644f0939539deddfa77f6fac7b56a9784160a"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6ae4e06be04dc00618247c4ae3f7c3e561d5bc19ab6941427f6d3722a0875ef7"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bcef128f970bb63ecf9a65f7beafd9b55e3aaf0efc271a4154050fc15cdb386e"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b72758f3ffc36ca566ba98a8e7f4f373b6c17c646ff8ad9b21ad10c29186f00d"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10c57bc7b946cf2efa67ac55766e41764b66d40cbd9489041e637c1304400494"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:946c3a1ef25338e78107fba746f299f926db408d34553b4754e90a7de1d44068"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2f256d03957075fcb5923410058982aea85455d035607486ccb847f095442bda"}, + {file = "orjson-3.9.15-cp312-none-win_amd64.whl", hash = "sha256:5bb399e1b49db120653a31463b4a7b27cf2fbfe60469546baf681d1b39f4edf2"}, + {file = "orjson-3.9.15-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:b17f0f14a9c0ba55ff6279a922d1932e24b13fc218a3e968ecdbf791b3682b25"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f6cbd8e6e446fb7e4ed5bac4661a29e43f38aeecbf60c4b900b825a353276a1"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:76bc6356d07c1d9f4b782813094d0caf1703b729d876ab6a676f3aaa9a47e37c"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fdfa97090e2d6f73dced247a2f2d8004ac6449df6568f30e7fa1a045767c69a6"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7413070a3e927e4207d00bd65f42d1b780fb0d32d7b1d951f6dc6ade318e1b5a"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9cf1596680ac1f01839dba32d496136bdd5d8ffb858c280fa82bbfeb173bdd40"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:809d653c155e2cc4fd39ad69c08fdff7f4016c355ae4b88905219d3579e31eb7"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:920fa5a0c5175ab14b9c78f6f820b75804fb4984423ee4c4f1e6d748f8b22bc1"}, + {file = "orjson-3.9.15-cp38-none-win32.whl", hash = "sha256:2b5c0f532905e60cf22a511120e3719b85d9c25d0e1c2a8abb20c4dede3b05a5"}, + {file = "orjson-3.9.15-cp38-none-win_amd64.whl", hash = "sha256:67384f588f7f8daf040114337d34a5188346e3fae6c38b6a19a2fe8c663a2f9b"}, + {file = "orjson-3.9.15-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:6fc2fe4647927070df3d93f561d7e588a38865ea0040027662e3e541d592811e"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34cbcd216e7af5270f2ffa63a963346845eb71e174ea530867b7443892d77180"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f541587f5c558abd93cb0de491ce99a9ef8d1ae29dd6ab4dbb5a13281ae04cbd"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:92255879280ef9c3c0bcb327c5a1b8ed694c290d61a6a532458264f887f052cb"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:05a1f57fb601c426635fcae9ddbe90dfc1ed42245eb4c75e4960440cac667262"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ede0bde16cc6e9b96633df1631fbcd66491d1063667f260a4f2386a098393790"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:e88b97ef13910e5f87bcbc4dd7979a7de9ba8702b54d3204ac587e83639c0c2b"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:57d5d8cf9c27f7ef6bc56a5925c7fbc76b61288ab674eb352c26ac780caa5b10"}, + {file = "orjson-3.9.15-cp39-none-win32.whl", hash = "sha256:001f4eb0ecd8e9ebd295722d0cbedf0748680fb9998d3993abaed2f40587257a"}, + {file = "orjson-3.9.15-cp39-none-win_amd64.whl", hash = "sha256:ea0b183a5fe6b2b45f3b854b0d19c4e932d6f5934ae1f723b07cf9560edd4ec7"}, + {file = "orjson-3.9.15.tar.gz", hash = "sha256:95cae920959d772f30ab36d3b25f83bb0f3be671e986c72ce22f8fa700dae061"}, ] [[package]] name = "pendulum" -version = "2.1.2" +version = "3.0.0" description = "Python datetimes made easy" optional = false -python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +python-versions = ">=3.8" files = [ - {file = "pendulum-2.1.2-cp27-cp27m-macosx_10_15_x86_64.whl", hash = "sha256:b6c352f4bd32dff1ea7066bd31ad0f71f8d8100b9ff709fb343f3b86cee43efe"}, - {file = "pendulum-2.1.2-cp27-cp27m-win_amd64.whl", hash = "sha256:318f72f62e8e23cd6660dbafe1e346950281a9aed144b5c596b2ddabc1d19739"}, - {file = "pendulum-2.1.2-cp35-cp35m-macosx_10_15_x86_64.whl", hash = "sha256:0731f0c661a3cb779d398803655494893c9f581f6488048b3fb629c2342b5394"}, - {file = "pendulum-2.1.2-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:3481fad1dc3f6f6738bd575a951d3c15d4b4ce7c82dce37cf8ac1483fde6e8b0"}, - {file = "pendulum-2.1.2-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:9702069c694306297ed362ce7e3c1ef8404ac8ede39f9b28b7c1a7ad8c3959e3"}, - {file = "pendulum-2.1.2-cp35-cp35m-win_amd64.whl", hash = "sha256:fb53ffa0085002ddd43b6ca61a7b34f2d4d7c3ed66f931fe599e1a531b42af9b"}, - {file = "pendulum-2.1.2-cp36-cp36m-macosx_10_15_x86_64.whl", hash = "sha256:c501749fdd3d6f9e726086bf0cd4437281ed47e7bca132ddb522f86a1645d360"}, - {file = "pendulum-2.1.2-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:c807a578a532eeb226150d5006f156632df2cc8c5693d778324b43ff8c515dd0"}, - {file = "pendulum-2.1.2-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:2d1619a721df661e506eff8db8614016f0720ac171fe80dda1333ee44e684087"}, - {file = "pendulum-2.1.2-cp36-cp36m-win_amd64.whl", hash = "sha256:f888f2d2909a414680a29ae74d0592758f2b9fcdee3549887779cd4055e975db"}, - {file = "pendulum-2.1.2-cp37-cp37m-macosx_10_15_x86_64.whl", hash = "sha256:e95d329384717c7bf627bf27e204bc3b15c8238fa8d9d9781d93712776c14002"}, - {file = "pendulum-2.1.2-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:4c9c689747f39d0d02a9f94fcee737b34a5773803a64a5fdb046ee9cac7442c5"}, - {file = "pendulum-2.1.2-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:1245cd0075a3c6d889f581f6325dd8404aca5884dea7223a5566c38aab94642b"}, - {file = "pendulum-2.1.2-cp37-cp37m-win_amd64.whl", hash = "sha256:db0a40d8bcd27b4fb46676e8eb3c732c67a5a5e6bfab8927028224fbced0b40b"}, - {file = "pendulum-2.1.2-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:f5e236e7730cab1644e1b87aca3d2ff3e375a608542e90fe25685dae46310116"}, - {file = "pendulum-2.1.2-cp38-cp38-manylinux1_i686.whl", hash = "sha256:de42ea3e2943171a9e95141f2eecf972480636e8e484ccffaf1e833929e9e052"}, - {file = "pendulum-2.1.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:7c5ec650cb4bec4c63a89a0242cc8c3cebcec92fcfe937c417ba18277d8560be"}, - {file = "pendulum-2.1.2-cp38-cp38-win_amd64.whl", hash = "sha256:33fb61601083f3eb1d15edeb45274f73c63b3c44a8524703dc143f4212bf3269"}, - {file = "pendulum-2.1.2-cp39-cp39-manylinux1_i686.whl", hash = "sha256:29c40a6f2942376185728c9a0347d7c0f07905638c83007e1d262781f1e6953a"}, - {file = "pendulum-2.1.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:94b1fc947bfe38579b28e1cccb36f7e28a15e841f30384b5ad6c5e31055c85d7"}, - {file = "pendulum-2.1.2.tar.gz", hash = "sha256:b06a0ca1bfe41c990bbf0c029f0b6501a7f2ec4e38bfec730712015e8860f207"}, + {file = "pendulum-3.0.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:2cf9e53ef11668e07f73190c805dbdf07a1939c3298b78d5a9203a86775d1bfd"}, + {file = "pendulum-3.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fb551b9b5e6059377889d2d878d940fd0bbb80ae4810543db18e6f77b02c5ef6"}, + {file = "pendulum-3.0.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6c58227ac260d5b01fc1025176d7b31858c9f62595737f350d22124a9a3ad82d"}, + {file = "pendulum-3.0.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:60fb6f415fea93a11c52578eaa10594568a6716602be8430b167eb0d730f3332"}, + {file = "pendulum-3.0.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b69f6b4dbcb86f2c2fe696ba991e67347bcf87fe601362a1aba6431454b46bde"}, + {file = "pendulum-3.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:138afa9c373ee450ede206db5a5e9004fd3011b3c6bbe1e57015395cd076a09f"}, + {file = "pendulum-3.0.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:83d9031f39c6da9677164241fd0d37fbfc9dc8ade7043b5d6d62f56e81af8ad2"}, + {file = "pendulum-3.0.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:0c2308af4033fa534f089595bcd40a95a39988ce4059ccd3dc6acb9ef14ca44a"}, + {file = "pendulum-3.0.0-cp310-none-win_amd64.whl", hash = "sha256:9a59637cdb8462bdf2dbcb9d389518c0263799189d773ad5c11db6b13064fa79"}, + {file = "pendulum-3.0.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:3725245c0352c95d6ca297193192020d1b0c0f83d5ee6bb09964edc2b5a2d508"}, + {file = "pendulum-3.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6c035f03a3e565ed132927e2c1b691de0dbf4eb53b02a5a3c5a97e1a64e17bec"}, + {file = "pendulum-3.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:597e66e63cbd68dd6d58ac46cb7a92363d2088d37ccde2dae4332ef23e95cd00"}, + {file = "pendulum-3.0.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:99a0f8172e19f3f0c0e4ace0ad1595134d5243cf75985dc2233e8f9e8de263ca"}, + {file = "pendulum-3.0.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:77d8839e20f54706aed425bec82a83b4aec74db07f26acd039905d1237a5e1d4"}, + {file = "pendulum-3.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:afde30e8146292b059020fbc8b6f8fd4a60ae7c5e6f0afef937bbb24880bdf01"}, + {file = "pendulum-3.0.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:660434a6fcf6303c4efd36713ca9212c753140107ee169a3fc6c49c4711c2a05"}, + {file = "pendulum-3.0.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:dee9e5a48c6999dc1106eb7eea3e3a50e98a50651b72c08a87ee2154e544b33e"}, + {file = "pendulum-3.0.0-cp311-none-win_amd64.whl", hash = "sha256:d4cdecde90aec2d67cebe4042fd2a87a4441cc02152ed7ed8fb3ebb110b94ec4"}, + {file = "pendulum-3.0.0-cp311-none-win_arm64.whl", hash = "sha256:773c3bc4ddda2dda9f1b9d51fe06762f9200f3293d75c4660c19b2614b991d83"}, + {file = "pendulum-3.0.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:409e64e41418c49f973d43a28afe5df1df4f1dd87c41c7c90f1a63f61ae0f1f7"}, + {file = "pendulum-3.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a38ad2121c5ec7c4c190c7334e789c3b4624798859156b138fcc4d92295835dc"}, + {file = "pendulum-3.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fde4d0b2024b9785f66b7f30ed59281bd60d63d9213cda0eb0910ead777f6d37"}, + {file = "pendulum-3.0.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4b2c5675769fb6d4c11238132962939b960fcb365436b6d623c5864287faa319"}, + {file = "pendulum-3.0.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8af95e03e066826f0f4c65811cbee1b3123d4a45a1c3a2b4fc23c4b0dff893b5"}, + {file = "pendulum-3.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2165a8f33cb15e06c67070b8afc87a62b85c5a273e3aaa6bc9d15c93a4920d6f"}, + {file = "pendulum-3.0.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ad5e65b874b5e56bd942546ea7ba9dd1d6a25121db1c517700f1c9de91b28518"}, + {file = "pendulum-3.0.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:17fe4b2c844bbf5f0ece69cfd959fa02957c61317b2161763950d88fed8e13b9"}, + {file = "pendulum-3.0.0-cp312-none-win_amd64.whl", hash = "sha256:78f8f4e7efe5066aca24a7a57511b9c2119f5c2b5eb81c46ff9222ce11e0a7a5"}, + {file = "pendulum-3.0.0-cp312-none-win_arm64.whl", hash = "sha256:28f49d8d1e32aae9c284a90b6bb3873eee15ec6e1d9042edd611b22a94ac462f"}, + {file = "pendulum-3.0.0-cp37-cp37m-macosx_10_12_x86_64.whl", hash = "sha256:d4e2512f4e1a4670284a153b214db9719eb5d14ac55ada5b76cbdb8c5c00399d"}, + {file = "pendulum-3.0.0-cp37-cp37m-macosx_11_0_arm64.whl", hash = "sha256:3d897eb50883cc58d9b92f6405245f84b9286cd2de6e8694cb9ea5cb15195a32"}, + {file = "pendulum-3.0.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2e169cc2ca419517f397811bbe4589cf3cd13fca6dc38bb352ba15ea90739ebb"}, + {file = "pendulum-3.0.0-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f17c3084a4524ebefd9255513692f7e7360e23c8853dc6f10c64cc184e1217ab"}, + {file = "pendulum-3.0.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:826d6e258052715f64d05ae0fc9040c0151e6a87aae7c109ba9a0ed930ce4000"}, + {file = "pendulum-3.0.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d2aae97087872ef152a0c40e06100b3665d8cb86b59bc8471ca7c26132fccd0f"}, + {file = "pendulum-3.0.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:ac65eeec2250d03106b5e81284ad47f0d417ca299a45e89ccc69e36130ca8bc7"}, + {file = "pendulum-3.0.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a5346d08f3f4a6e9e672187faa179c7bf9227897081d7121866358af369f44f9"}, + {file = "pendulum-3.0.0-cp37-none-win_amd64.whl", hash = "sha256:235d64e87946d8f95c796af34818c76e0f88c94d624c268693c85b723b698aa9"}, + {file = "pendulum-3.0.0-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:6a881d9c2a7f85bc9adafcfe671df5207f51f5715ae61f5d838b77a1356e8b7b"}, + {file = "pendulum-3.0.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:d7762d2076b9b1cb718a6631ad6c16c23fc3fac76cbb8c454e81e80be98daa34"}, + {file = "pendulum-3.0.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e8e36a8130819d97a479a0e7bf379b66b3b1b520e5dc46bd7eb14634338df8c"}, + {file = "pendulum-3.0.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7dc843253ac373358ffc0711960e2dd5b94ab67530a3e204d85c6e8cb2c5fa10"}, + {file = "pendulum-3.0.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0a78ad3635d609ceb1e97d6aedef6a6a6f93433ddb2312888e668365908c7120"}, + {file = "pendulum-3.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b30a137e9e0d1f751e60e67d11fc67781a572db76b2296f7b4d44554761049d6"}, + {file = "pendulum-3.0.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:c95984037987f4a457bb760455d9ca80467be792236b69d0084f228a8ada0162"}, + {file = "pendulum-3.0.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d29c6e578fe0f893766c0d286adbf0b3c726a4e2341eba0917ec79c50274ec16"}, + {file = "pendulum-3.0.0-cp38-none-win_amd64.whl", hash = "sha256:deaba8e16dbfcb3d7a6b5fabdd5a38b7c982809567479987b9c89572df62e027"}, + {file = "pendulum-3.0.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:b11aceea5b20b4b5382962b321dbc354af0defe35daa84e9ff3aae3c230df694"}, + {file = "pendulum-3.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:a90d4d504e82ad236afac9adca4d6a19e4865f717034fc69bafb112c320dcc8f"}, + {file = "pendulum-3.0.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:825799c6b66e3734227756fa746cc34b3549c48693325b8b9f823cb7d21b19ac"}, + {file = "pendulum-3.0.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ad769e98dc07972e24afe0cff8d365cb6f0ebc7e65620aa1976fcfbcadc4c6f3"}, + {file = "pendulum-3.0.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a6fc26907eb5fb8cc6188cc620bc2075a6c534d981a2f045daa5f79dfe50d512"}, + {file = "pendulum-3.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0c717eab1b6d898c00a3e0fa7781d615b5c5136bbd40abe82be100bb06df7a56"}, + {file = "pendulum-3.0.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:3ddd1d66d1a714ce43acfe337190be055cdc221d911fc886d5a3aae28e14b76d"}, + {file = "pendulum-3.0.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:822172853d7a9cf6da95d7b66a16c7160cb99ae6df55d44373888181d7a06edc"}, + {file = "pendulum-3.0.0-cp39-none-win_amd64.whl", hash = "sha256:840de1b49cf1ec54c225a2a6f4f0784d50bd47f68e41dc005b7f67c7d5b5f3ae"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:3b1f74d1e6ffe5d01d6023870e2ce5c2191486928823196f8575dcc786e107b1"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:729e9f93756a2cdfa77d0fc82068346e9731c7e884097160603872686e570f07"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e586acc0b450cd21cbf0db6bae386237011b75260a3adceddc4be15334689a9a"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:22e7944ffc1f0099a79ff468ee9630c73f8c7835cd76fdb57ef7320e6a409df4"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:fa30af36bd8e50686846bdace37cf6707bdd044e5cb6e1109acbad3277232e04"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:440215347b11914ae707981b9a57ab9c7b6983ab0babde07063c6ee75c0dc6e7"}, + {file = "pendulum-3.0.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:314c4038dc5e6a52991570f50edb2f08c339debdf8cea68ac355b32c4174e820"}, + {file = "pendulum-3.0.0-pp37-pypy37_pp73-macosx_10_12_x86_64.whl", hash = "sha256:5acb1d386337415f74f4d1955c4ce8d0201978c162927d07df8eb0692b2d8533"}, + {file = "pendulum-3.0.0-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a789e12fbdefaffb7b8ac67f9d8f22ba17a3050ceaaa635cd1cc4645773a4b1e"}, + {file = "pendulum-3.0.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:860aa9b8a888e5913bd70d819306749e5eb488e6b99cd6c47beb701b22bdecf5"}, + {file = "pendulum-3.0.0-pp37-pypy37_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:5ebc65ea033ef0281368217fbf59f5cb05b338ac4dd23d60959c7afcd79a60a0"}, + {file = "pendulum-3.0.0-pp37-pypy37_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:d9fef18ab0386ef6a9ac7bad7e43ded42c83ff7ad412f950633854f90d59afa8"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:1c134ba2f0571d0b68b83f6972e2307a55a5a849e7dac8505c715c531d2a8795"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:385680812e7e18af200bb9b4a49777418c32422d05ad5a8eb85144c4a285907b"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9eec91cd87c59fb32ec49eb722f375bd58f4be790cae11c1b70fac3ee4f00da0"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4386bffeca23c4b69ad50a36211f75b35a4deb6210bdca112ac3043deb7e494a"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:dfbcf1661d7146d7698da4b86e7f04814221081e9fe154183e34f4c5f5fa3bf8"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:04a1094a5aa1daa34a6b57c865b25f691848c61583fb22722a4df5699f6bf74c"}, + {file = "pendulum-3.0.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:5b0ec85b9045bd49dd3a3493a5e7ddfd31c36a2a60da387c419fa04abcaecb23"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:0a15b90129765b705eb2039062a6daf4d22c4e28d1a54fa260892e8c3ae6e157"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:bb8f6d7acd67a67d6fedd361ad2958ff0539445ef51cbe8cd288db4306503cd0"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fd69b15374bef7e4b4440612915315cc42e8575fcda2a3d7586a0d88192d0c88"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dc00f8110db6898360c53c812872662e077eaf9c75515d53ecc65d886eec209a"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:83a44e8b40655d0ba565a5c3d1365d27e3e6778ae2a05b69124db9e471255c4a"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:1a3604e9fbc06b788041b2a8b78f75c243021e0f512447806a6d37ee5214905d"}, + {file = "pendulum-3.0.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:92c307ae7accebd06cbae4729f0ba9fa724df5f7d91a0964b1b972a22baa482b"}, + {file = "pendulum-3.0.0.tar.gz", hash = "sha256:5d034998dea404ec31fae27af6b22cff1708f830a1ed7353be4d1019bb9f584e"}, ] [package.dependencies] -python-dateutil = ">=2.6,<3.0" -pytzdata = ">=2020.1" +python-dateutil = ">=2.6" +tzdata = ">=2020.1" + +[package.extras] +test = ["time-machine (>=2.6.0)"] [[package]] name = "platformdirs" -version = "3.11.0" +version = "4.2.0" description = "A small Python package for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "platformdirs-3.11.0-py3-none-any.whl", hash = "sha256:e9d171d00af68be50e9202731309c4e658fd8bc76f55c11c7dd760d023bda68e"}, - {file = "platformdirs-3.11.0.tar.gz", hash = "sha256:cf8ee52a3afdb965072dcc652433e0c7e3e40cf5ea1477cd4b3b1d2eb75495b3"}, + {file = "platformdirs-4.2.0-py3-none-any.whl", hash = "sha256:0614df2a2f37e1a662acbd8e2b25b92ccf8632929bc6d43467e17fe89c75e068"}, + {file = "platformdirs-4.2.0.tar.gz", hash = "sha256:ef0cc731df711022c174543cb70a9b5bd22e5a9337c8624ef2c2ceb8ddad8768"}, ] [package.extras] -docs = ["furo (>=2023.7.26)", "proselint (>=0.13)", "sphinx (>=7.1.1)", "sphinx-autodoc-typehints (>=1.24)"] -test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.4)", "pytest-cov (>=4.1)", "pytest-mock (>=3.11.1)"] +docs = ["furo (>=2023.9.10)", "proselint (>=0.13)", "sphinx (>=7.2.6)", "sphinx-autodoc-typehints (>=1.25.2)"] +test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.4.3)", "pytest-cov (>=4.1)", "pytest-mock (>=3.12)"] + +[[package]] +name = "pycares" +version = "4.4.0" +description = "Python interface for c-ares" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:24da119850841d16996713d9c3374ca28a21deee056d609fbbed29065d17e1f6"}, + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8f64cb58729689d4d0e78f0bfb4c25ce2f851d0274c0273ac751795c04b8798a"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d33e2a1120887e89075f7f814ec144f66a6ce06a54f5722ccefc62fbeda83cff"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c680fef1b502ee680f8f0b95a41af4ec2c234e50e16c0af5bbda31999d3584bd"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fff16b09042ba077f7b8aa5868d1d22456f0002574d0ba43462b10a009331677"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:229a1675eb33bc9afb1fc463e73ee334950ccc485bc83a43f6ae5839fb4d5fa3"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:3aebc73e5ad70464f998f77f2da2063aa617cbd8d3e8174dd7c5b4518f967153"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:6ef64649eba56448f65e26546d85c860709844d2fc22ef14d324fe0b27f761a9"}, + {file = "pycares-4.4.0-cp310-cp310-win32.whl", hash = "sha256:4afc2644423f4eef97857a9fd61be9758ce5e336b4b0bd3d591238bb4b8b03e0"}, + {file = "pycares-4.4.0-cp310-cp310-win_amd64.whl", hash = "sha256:5ed4e04af4012f875b78219d34434a6d08a67175150ac1b79eb70ab585d4ba8c"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:bce8db2fc6f3174bd39b81405210b9b88d7b607d33e56a970c34a0c190da0490"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9a0303428d013ccf5c51de59c83f9127aba6200adb7fd4be57eddb432a1edd2a"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afb91792f1556f97be7f7acb57dc7756d89c5a87bd8b90363a77dbf9ea653817"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b61579cecf1f4d616e5ea31a6e423a16680ab0d3a24a2ffe7bb1d4ee162477ff"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b7af06968cbf6851566e806bf3e72825b0e6671832a2cbe840be1d2d65350710"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ceb12974367b0a68a05d52f4162b29f575d241bd53de155efe632bf2c943c7f6"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:2eeec144bcf6a7b6f2d74d6e70cbba7886a84dd373c886f06cb137a07de4954c"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e3a6f7cfdfd11eb5493d6d632e582408c8f3b429f295f8799c584c108b28db6f"}, + {file = "pycares-4.4.0-cp311-cp311-win32.whl", hash = "sha256:34736a2ffaa9c08ca9c707011a2d7b69074bbf82d645d8138bba771479b2362f"}, + {file = "pycares-4.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:eb66c30eb11e877976b7ead13632082a8621df648c408b8e15cdb91a452dd502"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:fd644505a8cfd7f6584d33a9066d4e3d47700f050ef1490230c962de5dfb28c6"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:52084961262232ec04bd75f5043aed7e5d8d9695e542ff691dfef0110209f2d4"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0c5368206057884cde18602580083aeaad9b860e2eac14fd253543158ce1e93"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:112a4979c695b1c86f6782163d7dec58d57a3b9510536dcf4826550f9053dd9a"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8d186dafccdaa3409194c0f94db93c1a5d191145a275f19da6591f9499b8e7b8"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:64965dc19c578a683ea73487a215a8897276224e004d50eeb21f0bc7a0b63c88"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:ed2a38e34bec6f2586435f6ff0bc5fe11d14bebd7ed492cf739a424e81681540"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:94d6962db81541eb0396d2f0dfcbb18cdb8c8b251d165efc2d974ae652c547d4"}, + {file = "pycares-4.4.0-cp312-cp312-win32.whl", hash = "sha256:1168a48a834813aa80f412be2df4abaf630528a58d15c704857448b20b1675c0"}, + {file = "pycares-4.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:db24c4e7fea4a052c6e869cbf387dd85d53b9736cfe1ef5d8d568d1ca925e977"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:21a5a0468861ec7df7befa69050f952da13db5427ae41ffe4713bc96291d1d95"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:22c00bf659a9fa44d7b405cf1cd69b68b9d37537899898d8cbe5dffa4016b273"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:23aa3993a352491a47fcf17867f61472f32f874df4adcbb486294bd9fbe8abee"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:813d661cbe2e37d87da2d16b7110a6860e93ddb11735c6919c8a3545c7b9c8d8"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:77cf5a2fd5583c670de41a7f4a7b46e5cbabe7180d8029f728571f4d2e864084"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:3eaa6681c0a3e3f3868c77aca14b7760fed35fdfda2fe587e15c701950e7bc69"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:ad58e284a658a8a6a84af2e0b62f2f961f303cedfe551854d7bd40c3cbb61912"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:bfb89ca9e3d0a9b5332deeb666b2ede9d3469107742158f4aeda5ce032d003f4"}, + {file = "pycares-4.4.0-cp38-cp38-win32.whl", hash = "sha256:f36bdc1562142e3695555d2f4ac0cb69af165eddcefa98efc1c79495b533481f"}, + {file = "pycares-4.4.0-cp38-cp38-win_amd64.whl", hash = "sha256:902461a92b6a80fd5041a2ec5235680c7cc35e43615639ec2a40e63fca2dfb51"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7bddc6adba8f699728f7fc1c9ce8cef359817ad78e2ed52b9502cb5f8dc7f741"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cb49d5805cd347c404f928c5ae7c35e86ba0c58ffa701dbe905365e77ce7d641"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:56cf3349fa3a2e67ed387a7974c11d233734636fe19facfcda261b411af14d80"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8bf2eaa83a5987e48fa63302f0fe7ce3275cfda87b34d40fef9ce703fb3ac002"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82bba2ab77eb5addbf9758d514d9bdef3c1bfe7d1649a47bd9a0d55a23ef478b"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:c6a8bde63106f162fca736e842a916853cad3c8d9d137e11c9ffa37efa818b02"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f5f646eec041db6ffdbcaf3e0756fb92018f7af3266138c756bb09d2b5baadec"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9dc04c54c6ea615210c1b9e803d0e2d2255f87a3d5d119b6482c8f0dfa15b26b"}, + {file = "pycares-4.4.0-cp39-cp39-win32.whl", hash = "sha256:97892cced5794d721fb4ff8765764aa4ea48fe8b2c3820677505b96b83d4ef47"}, + {file = "pycares-4.4.0-cp39-cp39-win_amd64.whl", hash = "sha256:917f08f0b5d9324e9a34211e68d27447c552b50ab967044776bbab7e42a553a2"}, + {file = "pycares-4.4.0.tar.gz", hash = "sha256:f47579d508f2f56eddd16ce72045782ad3b1b3b678098699e2b6a1b30733e1c2"}, +] + +[package.dependencies] +cffi = ">=1.5.0" + +[package.extras] +idna = ["idna (>=2.1)"] + +[[package]] +name = "pycparser" +version = "2.21" +description = "C parser in Python" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +files = [ + {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, + {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, +] [[package]] name = "pydantic" -version = "1.10.12" +version = "1.10.14" description = "Data validation and settings management using python type hints" optional = false python-versions = ">=3.7" files = [ - {file = "pydantic-1.10.12-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a1fcb59f2f355ec350073af41d927bf83a63b50e640f4dbaa01053a28b7a7718"}, - {file = "pydantic-1.10.12-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b7ccf02d7eb340b216ec33e53a3a629856afe1c6e0ef91d84a4e6f2fb2ca70fe"}, - {file = "pydantic-1.10.12-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8fb2aa3ab3728d950bcc885a2e9eff6c8fc40bc0b7bb434e555c215491bcf48b"}, - {file = "pydantic-1.10.12-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:771735dc43cf8383959dc9b90aa281f0b6092321ca98677c5fb6125a6f56d58d"}, - {file = "pydantic-1.10.12-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:ca48477862372ac3770969b9d75f1bf66131d386dba79506c46d75e6b48c1e09"}, - {file = "pydantic-1.10.12-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a5e7add47a5b5a40c49b3036d464e3c7802f8ae0d1e66035ea16aa5b7a3923ed"}, - {file = "pydantic-1.10.12-cp310-cp310-win_amd64.whl", hash = "sha256:e4129b528c6baa99a429f97ce733fff478ec955513630e61b49804b6cf9b224a"}, - {file = "pydantic-1.10.12-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b0d191db0f92dfcb1dec210ca244fdae5cbe918c6050b342d619c09d31eea0cc"}, - {file = "pydantic-1.10.12-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:795e34e6cc065f8f498c89b894a3c6da294a936ee71e644e4bd44de048af1405"}, - {file = "pydantic-1.10.12-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:69328e15cfda2c392da4e713443c7dbffa1505bc9d566e71e55abe14c97ddc62"}, - {file = "pydantic-1.10.12-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2031de0967c279df0d8a1c72b4ffc411ecd06bac607a212892757db7462fc494"}, - {file = "pydantic-1.10.12-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:ba5b2e6fe6ca2b7e013398bc7d7b170e21cce322d266ffcd57cca313e54fb246"}, - {file = "pydantic-1.10.12-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:2a7bac939fa326db1ab741c9d7f44c565a1d1e80908b3797f7f81a4f86bc8d33"}, - {file = "pydantic-1.10.12-cp311-cp311-win_amd64.whl", hash = "sha256:87afda5539d5140cb8ba9e8b8c8865cb5b1463924d38490d73d3ccfd80896b3f"}, - {file = "pydantic-1.10.12-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:549a8e3d81df0a85226963611950b12d2d334f214436a19537b2efed61b7639a"}, - {file = "pydantic-1.10.12-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:598da88dfa127b666852bef6d0d796573a8cf5009ffd62104094a4fe39599565"}, - {file = "pydantic-1.10.12-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ba5c4a8552bff16c61882db58544116d021d0b31ee7c66958d14cf386a5b5350"}, - {file = "pydantic-1.10.12-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:c79e6a11a07da7374f46970410b41d5e266f7f38f6a17a9c4823db80dadf4303"}, - {file = "pydantic-1.10.12-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:ab26038b8375581dc832a63c948f261ae0aa21f1d34c1293469f135fa92972a5"}, - {file = "pydantic-1.10.12-cp37-cp37m-win_amd64.whl", hash = "sha256:e0a16d274b588767602b7646fa05af2782576a6cf1022f4ba74cbb4db66f6ca8"}, - {file = "pydantic-1.10.12-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6a9dfa722316f4acf4460afdf5d41d5246a80e249c7ff475c43a3a1e9d75cf62"}, - {file = "pydantic-1.10.12-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:a73f489aebd0c2121ed974054cb2759af8a9f747de120acd2c3394cf84176ccb"}, - {file = "pydantic-1.10.12-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b30bcb8cbfccfcf02acb8f1a261143fab622831d9c0989707e0e659f77a18e0"}, - {file = "pydantic-1.10.12-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2fcfb5296d7877af406ba1547dfde9943b1256d8928732267e2653c26938cd9c"}, - {file = "pydantic-1.10.12-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:2f9a6fab5f82ada41d56b0602606a5506aab165ca54e52bc4545028382ef1c5d"}, - {file = "pydantic-1.10.12-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:dea7adcc33d5d105896401a1f37d56b47d443a2b2605ff8a969a0ed5543f7e33"}, - {file = "pydantic-1.10.12-cp38-cp38-win_amd64.whl", hash = "sha256:1eb2085c13bce1612da8537b2d90f549c8cbb05c67e8f22854e201bde5d98a47"}, - {file = "pydantic-1.10.12-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:ef6c96b2baa2100ec91a4b428f80d8f28a3c9e53568219b6c298c1125572ebc6"}, - {file = "pydantic-1.10.12-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:6c076be61cd0177a8433c0adcb03475baf4ee91edf5a4e550161ad57fc90f523"}, - {file = "pydantic-1.10.12-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2d5a58feb9a39f481eda4d5ca220aa8b9d4f21a41274760b9bc66bfd72595b86"}, - {file = "pydantic-1.10.12-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5f805d2d5d0a41633651a73fa4ecdd0b3d7a49de4ec3fadf062fe16501ddbf1"}, - {file = "pydantic-1.10.12-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:1289c180abd4bd4555bb927c42ee42abc3aee02b0fb2d1223fb7c6e5bef87dbe"}, - {file = "pydantic-1.10.12-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5d1197e462e0364906cbc19681605cb7c036f2475c899b6f296104ad42b9f5fb"}, - {file = "pydantic-1.10.12-cp39-cp39-win_amd64.whl", hash = "sha256:fdbdd1d630195689f325c9ef1a12900524dceb503b00a987663ff4f58669b93d"}, - {file = "pydantic-1.10.12-py3-none-any.whl", hash = "sha256:b749a43aa51e32839c9d71dc67eb1e4221bb04af1033a32e3923d46f9effa942"}, - {file = "pydantic-1.10.12.tar.gz", hash = "sha256:0fe8a415cea8f340e7a9af9c54fc71a649b43e8ca3cc732986116b3cb135d303"}, + {file = "pydantic-1.10.14-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7f4fcec873f90537c382840f330b90f4715eebc2bc9925f04cb92de593eae054"}, + {file = "pydantic-1.10.14-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8e3a76f571970fcd3c43ad982daf936ae39b3e90b8a2e96c04113a369869dc87"}, + {file = "pydantic-1.10.14-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:82d886bd3c3fbeaa963692ef6b643159ccb4b4cefaf7ff1617720cbead04fd1d"}, + {file = "pydantic-1.10.14-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:798a3d05ee3b71967844a1164fd5bdb8c22c6d674f26274e78b9f29d81770c4e"}, + {file = "pydantic-1.10.14-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:23d47a4b57a38e8652bcab15a658fdb13c785b9ce217cc3a729504ab4e1d6bc9"}, + {file = "pydantic-1.10.14-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f9f674b5c3bebc2eba401de64f29948ae1e646ba2735f884d1594c5f675d6f2a"}, + {file = "pydantic-1.10.14-cp310-cp310-win_amd64.whl", hash = "sha256:24a7679fab2e0eeedb5a8924fc4a694b3bcaac7d305aeeac72dd7d4e05ecbebf"}, + {file = "pydantic-1.10.14-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9d578ac4bf7fdf10ce14caba6f734c178379bd35c486c6deb6f49006e1ba78a7"}, + {file = "pydantic-1.10.14-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fa7790e94c60f809c95602a26d906eba01a0abee9cc24150e4ce2189352deb1b"}, + {file = "pydantic-1.10.14-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aad4e10efa5474ed1a611b6d7f0d130f4aafadceb73c11d9e72823e8f508e663"}, + {file = "pydantic-1.10.14-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1245f4f61f467cb3dfeced2b119afef3db386aec3d24a22a1de08c65038b255f"}, + {file = "pydantic-1.10.14-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:21efacc678a11114c765eb52ec0db62edffa89e9a562a94cbf8fa10b5db5c046"}, + {file = "pydantic-1.10.14-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:412ab4a3f6dbd2bf18aefa9f79c7cca23744846b31f1d6555c2ee2b05a2e14ca"}, + {file = "pydantic-1.10.14-cp311-cp311-win_amd64.whl", hash = "sha256:e897c9f35281f7889873a3e6d6b69aa1447ceb024e8495a5f0d02ecd17742a7f"}, + {file = "pydantic-1.10.14-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:d604be0f0b44d473e54fdcb12302495fe0467c56509a2f80483476f3ba92b33c"}, + {file = "pydantic-1.10.14-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a42c7d17706911199798d4c464b352e640cab4351efe69c2267823d619a937e5"}, + {file = "pydantic-1.10.14-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:596f12a1085e38dbda5cbb874d0973303e34227b400b6414782bf205cc14940c"}, + {file = "pydantic-1.10.14-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:bfb113860e9288d0886e3b9e49d9cf4a9d48b441f52ded7d96db7819028514cc"}, + {file = "pydantic-1.10.14-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:bc3ed06ab13660b565eed80887fcfbc0070f0aa0691fbb351657041d3e874efe"}, + {file = "pydantic-1.10.14-cp37-cp37m-win_amd64.whl", hash = "sha256:ad8c2bc677ae5f6dbd3cf92f2c7dc613507eafe8f71719727cbc0a7dec9a8c01"}, + {file = "pydantic-1.10.14-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:c37c28449752bb1f47975d22ef2882d70513c546f8f37201e0fec3a97b816eee"}, + {file = "pydantic-1.10.14-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:49a46a0994dd551ec051986806122767cf144b9702e31d47f6d493c336462597"}, + {file = "pydantic-1.10.14-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:53e3819bd20a42470d6dd0fe7fc1c121c92247bca104ce608e609b59bc7a77ee"}, + {file = "pydantic-1.10.14-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0fbb503bbbbab0c588ed3cd21975a1d0d4163b87e360fec17a792f7d8c4ff29f"}, + {file = "pydantic-1.10.14-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:336709883c15c050b9c55a63d6c7ff09be883dbc17805d2b063395dd9d9d0022"}, + {file = "pydantic-1.10.14-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4ae57b4d8e3312d486e2498d42aed3ece7b51848336964e43abbf9671584e67f"}, + {file = "pydantic-1.10.14-cp38-cp38-win_amd64.whl", hash = "sha256:dba49d52500c35cfec0b28aa8b3ea5c37c9df183ffc7210b10ff2a415c125c4a"}, + {file = "pydantic-1.10.14-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:c66609e138c31cba607d8e2a7b6a5dc38979a06c900815495b2d90ce6ded35b4"}, + {file = "pydantic-1.10.14-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d986e115e0b39604b9eee3507987368ff8148222da213cd38c359f6f57b3b347"}, + {file = "pydantic-1.10.14-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:646b2b12df4295b4c3148850c85bff29ef6d0d9621a8d091e98094871a62e5c7"}, + {file = "pydantic-1.10.14-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:282613a5969c47c83a8710cc8bfd1e70c9223feb76566f74683af889faadc0ea"}, + {file = "pydantic-1.10.14-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:466669501d08ad8eb3c4fecd991c5e793c4e0bbd62299d05111d4f827cded64f"}, + {file = "pydantic-1.10.14-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:13e86a19dca96373dcf3190fcb8797d40a6f12f154a244a8d1e8e03b8f280593"}, + {file = "pydantic-1.10.14-cp39-cp39-win_amd64.whl", hash = "sha256:08b6ec0917c30861e3fe71a93be1648a2aa4f62f866142ba21670b24444d7fd8"}, + {file = "pydantic-1.10.14-py3-none-any.whl", hash = "sha256:8ee853cd12ac2ddbf0ecbac1c289f95882b2d4482258048079d13be700aa114c"}, + {file = "pydantic-1.10.14.tar.gz", hash = "sha256:46f17b832fe27de7850896f3afee50ea682220dd218f7e9c88d436788419dca6"}, ] [package.dependencies] @@ -695,38 +1112,43 @@ email = ["email-validator (>=1.0.3)"] [[package]] name = "pyrsistent" -version = "0.19.3" +version = "0.20.0" description = "Persistent/Functional/Immutable data structures" optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "pyrsistent-0.19.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:20460ac0ea439a3e79caa1dbd560344b64ed75e85d8703943e0b66c2a6150e4a"}, - {file = "pyrsistent-0.19.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4c18264cb84b5e68e7085a43723f9e4c1fd1d935ab240ce02c0324a8e01ccb64"}, - {file = "pyrsistent-0.19.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4b774f9288dda8d425adb6544e5903f1fb6c273ab3128a355c6b972b7df39dcf"}, - {file = "pyrsistent-0.19.3-cp310-cp310-win32.whl", hash = "sha256:5a474fb80f5e0d6c9394d8db0fc19e90fa540b82ee52dba7d246a7791712f74a"}, - {file = "pyrsistent-0.19.3-cp310-cp310-win_amd64.whl", hash = "sha256:49c32f216c17148695ca0e02a5c521e28a4ee6c5089f97e34fe24163113722da"}, - {file = "pyrsistent-0.19.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f0774bf48631f3a20471dd7c5989657b639fd2d285b861237ea9e82c36a415a9"}, - {file = "pyrsistent-0.19.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3ab2204234c0ecd8b9368dbd6a53e83c3d4f3cab10ecaf6d0e772f456c442393"}, - {file = "pyrsistent-0.19.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e42296a09e83028b3476f7073fcb69ffebac0e66dbbfd1bd847d61f74db30f19"}, - {file = "pyrsistent-0.19.3-cp311-cp311-win32.whl", hash = "sha256:64220c429e42a7150f4bfd280f6f4bb2850f95956bde93c6fda1b70507af6ef3"}, - {file = "pyrsistent-0.19.3-cp311-cp311-win_amd64.whl", hash = "sha256:016ad1afadf318eb7911baa24b049909f7f3bb2c5b1ed7b6a8f21db21ea3faa8"}, - {file = "pyrsistent-0.19.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:c4db1bd596fefd66b296a3d5d943c94f4fac5bcd13e99bffe2ba6a759d959a28"}, - {file = "pyrsistent-0.19.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aeda827381f5e5d65cced3024126529ddc4289d944f75e090572c77ceb19adbf"}, - {file = "pyrsistent-0.19.3-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:42ac0b2f44607eb92ae88609eda931a4f0dfa03038c44c772e07f43e738bcac9"}, - {file = "pyrsistent-0.19.3-cp37-cp37m-win32.whl", hash = "sha256:e8f2b814a3dc6225964fa03d8582c6e0b6650d68a232df41e3cc1b66a5d2f8d1"}, - {file = "pyrsistent-0.19.3-cp37-cp37m-win_amd64.whl", hash = "sha256:c9bb60a40a0ab9aba40a59f68214eed5a29c6274c83b2cc206a359c4a89fa41b"}, - {file = "pyrsistent-0.19.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:a2471f3f8693101975b1ff85ffd19bb7ca7dd7c38f8a81701f67d6b4f97b87d8"}, - {file = "pyrsistent-0.19.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cc5d149f31706762c1f8bda2e8c4f8fead6e80312e3692619a75301d3dbb819a"}, - {file = "pyrsistent-0.19.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3311cb4237a341aa52ab8448c27e3a9931e2ee09561ad150ba94e4cfd3fc888c"}, - {file = "pyrsistent-0.19.3-cp38-cp38-win32.whl", hash = "sha256:f0e7c4b2f77593871e918be000b96c8107da48444d57005b6a6bc61fb4331b2c"}, - {file = "pyrsistent-0.19.3-cp38-cp38-win_amd64.whl", hash = "sha256:c147257a92374fde8498491f53ffa8f4822cd70c0d85037e09028e478cababb7"}, - {file = "pyrsistent-0.19.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:b735e538f74ec31378f5a1e3886a26d2ca6351106b4dfde376a26fc32a044edc"}, - {file = "pyrsistent-0.19.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:99abb85579e2165bd8522f0c0138864da97847875ecbd45f3e7e2af569bfc6f2"}, - {file = "pyrsistent-0.19.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3a8cb235fa6d3fd7aae6a4f1429bbb1fec1577d978098da1252f0489937786f3"}, - {file = "pyrsistent-0.19.3-cp39-cp39-win32.whl", hash = "sha256:c74bed51f9b41c48366a286395c67f4e894374306b197e62810e0fdaf2364da2"}, - {file = "pyrsistent-0.19.3-cp39-cp39-win_amd64.whl", hash = "sha256:878433581fc23e906d947a6814336eee031a00e6defba224234169ae3d3d6a98"}, - {file = "pyrsistent-0.19.3-py3-none-any.whl", hash = "sha256:ccf0d6bd208f8111179f0c26fdf84ed7c3891982f2edaeae7422575f47e66b64"}, - {file = "pyrsistent-0.19.3.tar.gz", hash = "sha256:1a2994773706bbb4995c31a97bc94f1418314923bd1048c6d964837040376440"}, + {file = "pyrsistent-0.20.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:8c3aba3e01235221e5b229a6c05f585f344734bd1ad42a8ac51493d74722bbce"}, + {file = "pyrsistent-0.20.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c1beb78af5423b879edaf23c5591ff292cf7c33979734c99aa66d5914ead880f"}, + {file = "pyrsistent-0.20.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21cc459636983764e692b9eba7144cdd54fdec23ccdb1e8ba392a63666c60c34"}, + {file = "pyrsistent-0.20.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f5ac696f02b3fc01a710427585c855f65cd9c640e14f52abe52020722bb4906b"}, + {file = "pyrsistent-0.20.0-cp310-cp310-win32.whl", hash = "sha256:0724c506cd8b63c69c7f883cc233aac948c1ea946ea95996ad8b1380c25e1d3f"}, + {file = "pyrsistent-0.20.0-cp310-cp310-win_amd64.whl", hash = "sha256:8441cf9616d642c475684d6cf2520dd24812e996ba9af15e606df5f6fd9d04a7"}, + {file = "pyrsistent-0.20.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0f3b1bcaa1f0629c978b355a7c37acd58907390149b7311b5db1b37648eb6958"}, + {file = "pyrsistent-0.20.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5cdd7ef1ea7a491ae70d826b6cc64868de09a1d5ff9ef8d574250d0940e275b8"}, + {file = "pyrsistent-0.20.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cae40a9e3ce178415040a0383f00e8d68b569e97f31928a3a8ad37e3fde6df6a"}, + {file = "pyrsistent-0.20.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6288b3fa6622ad8a91e6eb759cfc48ff3089e7c17fb1d4c59a919769314af224"}, + {file = "pyrsistent-0.20.0-cp311-cp311-win32.whl", hash = "sha256:7d29c23bdf6e5438c755b941cef867ec2a4a172ceb9f50553b6ed70d50dfd656"}, + {file = "pyrsistent-0.20.0-cp311-cp311-win_amd64.whl", hash = "sha256:59a89bccd615551391f3237e00006a26bcf98a4d18623a19909a2c48b8e986ee"}, + {file = "pyrsistent-0.20.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:09848306523a3aba463c4b49493a760e7a6ca52e4826aa100ee99d8d39b7ad1e"}, + {file = "pyrsistent-0.20.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a14798c3005ec892bbada26485c2eea3b54109cb2533713e355c806891f63c5e"}, + {file = "pyrsistent-0.20.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b14decb628fac50db5e02ee5a35a9c0772d20277824cfe845c8a8b717c15daa3"}, + {file = "pyrsistent-0.20.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2e2c116cc804d9b09ce9814d17df5edf1df0c624aba3b43bc1ad90411487036d"}, + {file = "pyrsistent-0.20.0-cp312-cp312-win32.whl", hash = "sha256:e78d0c7c1e99a4a45c99143900ea0546025e41bb59ebc10182e947cf1ece9174"}, + {file = "pyrsistent-0.20.0-cp312-cp312-win_amd64.whl", hash = "sha256:4021a7f963d88ccd15b523787d18ed5e5269ce57aa4037146a2377ff607ae87d"}, + {file = "pyrsistent-0.20.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:79ed12ba79935adaac1664fd7e0e585a22caa539dfc9b7c7c6d5ebf91fb89054"}, + {file = "pyrsistent-0.20.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f920385a11207dc372a028b3f1e1038bb244b3ec38d448e6d8e43c6b3ba20e98"}, + {file = "pyrsistent-0.20.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f5c2d012671b7391803263419e31b5c7c21e7c95c8760d7fc35602353dee714"}, + {file = "pyrsistent-0.20.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef3992833fbd686ee783590639f4b8343a57f1f75de8633749d984dc0eb16c86"}, + {file = "pyrsistent-0.20.0-cp38-cp38-win32.whl", hash = "sha256:881bbea27bbd32d37eb24dd320a5e745a2a5b092a17f6debc1349252fac85423"}, + {file = "pyrsistent-0.20.0-cp38-cp38-win_amd64.whl", hash = "sha256:6d270ec9dd33cdb13f4d62c95c1a5a50e6b7cdd86302b494217137f760495b9d"}, + {file = "pyrsistent-0.20.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:ca52d1ceae015859d16aded12584c59eb3825f7b50c6cfd621d4231a6cc624ce"}, + {file = "pyrsistent-0.20.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b318ca24db0f0518630e8b6f3831e9cba78f099ed5c1d65ffe3e023003043ba0"}, + {file = "pyrsistent-0.20.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fed2c3216a605dc9a6ea50c7e84c82906e3684c4e80d2908208f662a6cbf9022"}, + {file = "pyrsistent-0.20.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2e14c95c16211d166f59c6611533d0dacce2e25de0f76e4c140fde250997b3ca"}, + {file = "pyrsistent-0.20.0-cp39-cp39-win32.whl", hash = "sha256:f058a615031eea4ef94ead6456f5ec2026c19fb5bd6bfe86e9665c4158cf802f"}, + {file = "pyrsistent-0.20.0-cp39-cp39-win_amd64.whl", hash = "sha256:58b8f6366e152092194ae68fefe18b9f0b4f89227dfd86a07770c3d86097aebf"}, + {file = "pyrsistent-0.20.0-py3-none-any.whl", hash = "sha256:c55acc4733aad6560a7f5f818466631f07efc001fd023f34a6c203f8b6df0f0b"}, + {file = "pyrsistent-0.20.0.tar.gz", hash = "sha256:4c48f78f62ab596c679086084d0dd13254ae4f3d6c72a83ffdf5ebdef8f265a4"}, ] [[package]] @@ -743,17 +1165,6 @@ files = [ [package.dependencies] six = ">=1.5" -[[package]] -name = "pytzdata" -version = "2020.1" -description = "The Olson timezone database for Python." -optional = false -python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" -files = [ - {file = "pytzdata-2020.1-py2.py3-none-any.whl", hash = "sha256:e1e14750bcf95016381e4d472bad004eef710f2d6417240904070b3d6654485f"}, - {file = "pytzdata-2020.1.tar.gz", hash = "sha256:3efa13b335a00a8de1d345ae41ec78dd11c9f8807f522d39850f2dd828681540"}, -] - [[package]] name = "pyyaml" version = "6.0.1" @@ -836,13 +1247,13 @@ use-chardet-on-py3 = ["chardet (>=3.0.2,<6)"] [[package]] name = "requests-cache" -version = "1.1.0" +version = "1.2.0" description = "A persistent cache for python requests" optional = false -python-versions = ">=3.7,<4.0" +python-versions = ">=3.8" files = [ - {file = "requests_cache-1.1.0-py3-none-any.whl", hash = "sha256:178282bce704b912c59e7f88f367c42bddd6cde6bf511b2a3e3cfb7e5332a92a"}, - {file = "requests_cache-1.1.0.tar.gz", hash = "sha256:41b79166aa8e300cc4de982f7ab7c52af914a785160be1eda25c6e9265969a67"}, + {file = "requests_cache-1.2.0-py3-none-any.whl", hash = "sha256:490324301bf0cb924ff4e6324bd2613453e7e1f847353928b08adb0fdfb7f722"}, + {file = "requests_cache-1.2.0.tar.gz", hash = "sha256:db1c709ca343cc1cd5b6c8b1a5387298eceed02306a6040760db538c885e3838"}, ] [package.dependencies] @@ -854,31 +1265,31 @@ url-normalize = ">=1.4" urllib3 = ">=1.25.5" [package.extras] -all = ["boto3 (>=1.15)", "botocore (>=1.18)", "itsdangerous (>=2.0)", "pymongo (>=3)", "pyyaml (>=5.4)", "redis (>=3)", "ujson (>=5.4)"] +all = ["boto3 (>=1.15)", "botocore (>=1.18)", "itsdangerous (>=2.0)", "pymongo (>=3)", "pyyaml (>=6.0.1)", "redis (>=3)", "ujson (>=5.4)"] bson = ["bson (>=0.5)"] -docs = ["furo (>=2023.3,<2024.0)", "linkify-it-py (>=2.0,<3.0)", "myst-parser (>=1.0,<2.0)", "sphinx (>=5.0.2,<6.0.0)", "sphinx-autodoc-typehints (>=1.19)", "sphinx-automodapi (>=0.14)", "sphinx-copybutton (>=0.5)", "sphinx-design (>=0.2)", "sphinx-notfound-page (>=0.8)", "sphinxcontrib-apidoc (>=0.3)", "sphinxext-opengraph (>=0.6)"] +docs = ["furo (>=2023.3,<2024.0)", "linkify-it-py (>=2.0,<3.0)", "myst-parser (>=1.0,<2.0)", "sphinx (>=5.0.2,<6.0.0)", "sphinx-autodoc-typehints (>=1.19)", "sphinx-automodapi (>=0.14)", "sphinx-copybutton (>=0.5)", "sphinx-design (>=0.2)", "sphinx-notfound-page (>=0.8)", "sphinxcontrib-apidoc (>=0.3)", "sphinxext-opengraph (>=0.9)"] dynamodb = ["boto3 (>=1.15)", "botocore (>=1.18)"] json = ["ujson (>=5.4)"] mongodb = ["pymongo (>=3)"] redis = ["redis (>=3)"] security = ["itsdangerous (>=2.0)"] -yaml = ["pyyaml (>=5.4)"] +yaml = ["pyyaml (>=6.0.1)"] [[package]] name = "setuptools" -version = "68.2.2" +version = "69.1.1" description = "Easily download, build, install, upgrade, and uninstall Python packages" optional = false python-versions = ">=3.8" files = [ - {file = "setuptools-68.2.2-py3-none-any.whl", hash = "sha256:b454a35605876da60632df1a60f736524eb73cc47bbc9f3f1ef1b644de74fd2a"}, - {file = "setuptools-68.2.2.tar.gz", hash = "sha256:4ac1475276d2f1c48684874089fefcd83bd7162ddaafb81fac866ba0db282a87"}, + {file = "setuptools-69.1.1-py3-none-any.whl", hash = "sha256:02fa291a0471b3a18b2b2481ed902af520c69e8ae0919c13da936542754b4c56"}, + {file = "setuptools-69.1.1.tar.gz", hash = "sha256:5c0806c7d9af348e6dd3777b4f4dbb42c7ad85b190104837488eab9a7c945cf8"}, ] [package.extras] -docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-hoverxref (<2)", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (>=1,<2)", "sphinx-reredirects", "sphinxcontrib-towncrier"] -testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pip (>=19.1)", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] -testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.1)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] +docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (>=1,<2)", "sphinx-reredirects", "sphinxcontrib-towncrier"] +testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pip (>=19.1)", "pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-home (>=0.5)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff (>=0.2.1)", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] +testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] [[package]] name = "six" @@ -893,13 +1304,13 @@ files = [ [[package]] name = "types-requests" -version = "2.31.0.10" +version = "2.31.0.20240218" description = "Typing stubs for requests" optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "types-requests-2.31.0.10.tar.gz", hash = "sha256:dc5852a76f1eaf60eafa81a2e50aefa3d1f015c34cf0cba130930866b1b22a92"}, - {file = "types_requests-2.31.0.10-py3-none-any.whl", hash = "sha256:b32b9a86beffa876c0c3ac99a4cd3b8b51e973fb8e3bd4e0a6bb32c7efad80fc"}, + {file = "types-requests-2.31.0.20240218.tar.gz", hash = "sha256:f1721dba8385958f504a5386240b92de4734e047a08a40751c1654d1ac3349c5"}, + {file = "types_requests-2.31.0.20240218-py3-none-any.whl", hash = "sha256:a82807ec6ddce8f00fe0e949da6d6bc1fbf1715420218a9640d695f70a9e5a9b"}, ] [package.dependencies] @@ -907,13 +1318,24 @@ urllib3 = ">=2" [[package]] name = "typing-extensions" -version = "4.8.0" +version = "4.10.0" description = "Backported and Experimental Type Hints for Python 3.8+" optional = false python-versions = ">=3.8" files = [ - {file = "typing_extensions-4.8.0-py3-none-any.whl", hash = "sha256:8f92fc8806f9a6b641eaa5318da32b44d401efaac0f6678c9bc448ba3605faa0"}, - {file = "typing_extensions-4.8.0.tar.gz", hash = "sha256:df8e4339e9cb77357558cbdbceca33c303714cf861d1eef15e1070055ae8b7ef"}, + {file = "typing_extensions-4.10.0-py3-none-any.whl", hash = "sha256:69b1a937c3a517342112fb4c6df7e72fc39a38e7891a5730ed4985b5214b5475"}, + {file = "typing_extensions-4.10.0.tar.gz", hash = "sha256:b0abd7c89e8fb96f98db18d86106ff1d90ab692004eb746cf6eda2682f91b3cb"}, +] + +[[package]] +name = "tzdata" +version = "2024.1" +description = "Provider of IANA time zone data" +optional = false +python-versions = ">=2" +files = [ + {file = "tzdata-2024.1-py2.py3-none-any.whl", hash = "sha256:9068bc196136463f5245e51efda838afa15aaeca9903f49050dfa2679db4d252"}, + {file = "tzdata-2024.1.tar.gz", hash = "sha256:2674120f8d891909751c38abcdfd386ac0a5a1127954fbc332af6b5ceae07efd"}, ] [[package]] @@ -932,18 +1354,18 @@ six = "*" [[package]] name = "urllib3" -version = "2.0.7" +version = "2.2.1" description = "HTTP library with thread-safe connection pooling, file post, and more." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "urllib3-2.0.7-py3-none-any.whl", hash = "sha256:fdb6d215c776278489906c2f8916e6e7d4f5a9b602ccbcfdf7f016fc8da0596e"}, - {file = "urllib3-2.0.7.tar.gz", hash = "sha256:c97dfde1f7bd43a71c8d2a58e369e9b2bf692d1334ea9f9cae55add7d0dd0f84"}, + {file = "urllib3-2.2.1-py3-none-any.whl", hash = "sha256:450b20ec296a467077128bff42b73080516e71b56ff59a60a02bef2232c4fa9d"}, + {file = "urllib3-2.2.1.tar.gz", hash = "sha256:d0570876c61ab9e520d776c38acbbb5b05a776d3f9ff98a5c8fd5162a444cf19"}, ] [package.extras] brotli = ["brotli (>=1.0.9)", "brotlicffi (>=0.8.0)"] -secure = ["certifi", "cryptography (>=1.9)", "idna (>=2.0.0)", "pyopenssl (>=17.1.0)", "urllib3-secure-extra"] +h2 = ["h2 (>=4,<5)"] socks = ["pysocks (>=1.5.6,!=1.5.7,<2.0)"] zstd = ["zstandard (>=0.18.0)"] @@ -963,89 +1385,304 @@ bracex = ">=2.1.1" [[package]] name = "wrapt" -version = "1.15.0" +version = "1.16.0" description = "Module for decorators, wrappers and monkey patching." optional = false -python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,>=2.7" +python-versions = ">=3.6" +files = [ + {file = "wrapt-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ffa565331890b90056c01db69c0fe634a776f8019c143a5ae265f9c6bc4bd6d4"}, + {file = "wrapt-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e4fdb9275308292e880dcbeb12546df7f3e0f96c6b41197e0cf37d2826359020"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb2dee3874a500de01c93d5c71415fcaef1d858370d405824783e7a8ef5db440"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a88e6010048489cda82b1326889ec075a8c856c2e6a256072b28eaee3ccf487"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac83a914ebaf589b69f7d0a1277602ff494e21f4c2f743313414378f8f50a4cf"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:73aa7d98215d39b8455f103de64391cb79dfcad601701a3aa0dddacf74911d72"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:807cc8543a477ab7422f1120a217054f958a66ef7314f76dd9e77d3f02cdccd0"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bf5703fdeb350e36885f2875d853ce13172ae281c56e509f4e6eca049bdfb136"}, + {file = "wrapt-1.16.0-cp310-cp310-win32.whl", hash = "sha256:f6b2d0c6703c988d334f297aa5df18c45e97b0af3679bb75059e0e0bd8b1069d"}, + {file = "wrapt-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:decbfa2f618fa8ed81c95ee18a387ff973143c656ef800c9f24fb7e9c16054e2"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1a5db485fe2de4403f13fafdc231b0dbae5eca4359232d2efc79025527375b09"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:75ea7d0ee2a15733684badb16de6794894ed9c55aa5e9903260922f0482e687d"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a452f9ca3e3267cd4d0fcf2edd0d035b1934ac2bd7e0e57ac91ad6b95c0c6389"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43aa59eadec7890d9958748db829df269f0368521ba6dc68cc172d5d03ed8060"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72554a23c78a8e7aa02abbd699d129eead8b147a23c56e08d08dfc29cfdddca1"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d2efee35b4b0a347e0d99d28e884dfd82797852d62fcd7ebdeee26f3ceb72cf3"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:6dcfcffe73710be01d90cae08c3e548d90932d37b39ef83969ae135d36ef3956"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:eb6e651000a19c96f452c85132811d25e9264d836951022d6e81df2fff38337d"}, + {file = "wrapt-1.16.0-cp311-cp311-win32.whl", hash = "sha256:66027d667efe95cc4fa945af59f92c5a02c6f5bb6012bff9e60542c74c75c362"}, + {file = "wrapt-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:aefbc4cb0a54f91af643660a0a150ce2c090d3652cf4052a5397fb2de549cd89"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5eb404d89131ec9b4f748fa5cfb5346802e5ee8836f57d516576e61f304f3b7b"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9090c9e676d5236a6948330e83cb89969f433b1943a558968f659ead07cb3b36"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:94265b00870aa407bd0cbcfd536f17ecde43b94fb8d228560a1e9d3041462d73"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2058f813d4f2b5e3a9eb2eb3faf8f1d99b81c3e51aeda4b168406443e8ba809"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98b5e1f498a8ca1858a1cdbffb023bfd954da4e3fa2c0cb5853d40014557248b"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:14d7dc606219cdd7405133c713f2c218d4252f2a469003f8c46bb92d5d095d81"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:49aac49dc4782cb04f58986e81ea0b4768e4ff197b57324dcbd7699c5dfb40b9"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:418abb18146475c310d7a6dc71143d6f7adec5b004ac9ce08dc7a34e2babdc5c"}, + {file = "wrapt-1.16.0-cp312-cp312-win32.whl", hash = "sha256:685f568fa5e627e93f3b52fda002c7ed2fa1800b50ce51f6ed1d572d8ab3e7fc"}, + {file = "wrapt-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:dcdba5c86e368442528f7060039eda390cc4091bfd1dca41e8046af7c910dda8"}, + {file = "wrapt-1.16.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:d462f28826f4657968ae51d2181a074dfe03c200d6131690b7d65d55b0f360f8"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a33a747400b94b6d6b8a165e4480264a64a78c8a4c734b62136062e9a248dd39"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b3646eefa23daeba62643a58aac816945cadc0afaf21800a1421eeba5f6cfb9c"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ebf019be5c09d400cf7b024aa52b1f3aeebeff51550d007e92c3c1c4afc2a40"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:0d2691979e93d06a95a26257adb7bfd0c93818e89b1406f5a28f36e0d8c1e1fc"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:1acd723ee2a8826f3d53910255643e33673e1d11db84ce5880675954183ec47e"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:bc57efac2da352a51cc4658878a68d2b1b67dbe9d33c36cb826ca449d80a8465"}, + {file = "wrapt-1.16.0-cp36-cp36m-win32.whl", hash = "sha256:da4813f751142436b075ed7aa012a8778aa43a99f7b36afe9b742d3ed8bdc95e"}, + {file = "wrapt-1.16.0-cp36-cp36m-win_amd64.whl", hash = "sha256:6f6eac2360f2d543cc875a0e5efd413b6cbd483cb3ad7ebf888884a6e0d2e966"}, + {file = "wrapt-1.16.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0ea261ce52b5952bf669684a251a66df239ec6d441ccb59ec7afa882265d593"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7bd2d7ff69a2cac767fbf7a2b206add2e9a210e57947dd7ce03e25d03d2de292"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9159485323798c8dc530a224bd3ffcf76659319ccc7bbd52e01e73bd0241a0c5"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a86373cf37cd7764f2201b76496aba58a52e76dedfaa698ef9e9688bfd9e41cf"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:73870c364c11f03ed072dda68ff7aea6d2a3a5c3fe250d917a429c7432e15228"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b935ae30c6e7400022b50f8d359c03ed233d45b725cfdd299462f41ee5ffba6f"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:db98ad84a55eb09b3c32a96c576476777e87c520a34e2519d3e59c44710c002c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win32.whl", hash = "sha256:9153ed35fc5e4fa3b2fe97bddaa7cbec0ed22412b85bcdaf54aeba92ea37428c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win_amd64.whl", hash = "sha256:66dfbaa7cfa3eb707bbfcd46dab2bc6207b005cbc9caa2199bcbc81d95071a00"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1dd50a2696ff89f57bd8847647a1c363b687d3d796dc30d4dd4a9d1689a706f0"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:44a2754372e32ab315734c6c73b24351d06e77ffff6ae27d2ecf14cf3d229202"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e9723528b9f787dc59168369e42ae1c3b0d3fadb2f1a71de14531d321ee05b0"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dbed418ba5c3dce92619656802cc5355cb679e58d0d89b50f116e4a9d5a9603e"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:941988b89b4fd6b41c3f0bfb20e92bd23746579736b7343283297c4c8cbae68f"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:6a42cd0cfa8ffc1915aef79cb4284f6383d8a3e9dcca70c445dcfdd639d51267"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:1ca9b6085e4f866bd584fb135a041bfc32cab916e69f714a7d1d397f8c4891ca"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d5e49454f19ef621089e204f862388d29e6e8d8b162efce05208913dde5b9ad6"}, + {file = "wrapt-1.16.0-cp38-cp38-win32.whl", hash = "sha256:c31f72b1b6624c9d863fc095da460802f43a7c6868c5dda140f51da24fd47d7b"}, + {file = "wrapt-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:490b0ee15c1a55be9c1bd8609b8cecd60e325f0575fc98f50058eae366e01f41"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9b201ae332c3637a42f02d1045e1d0cccfdc41f1f2f801dafbaa7e9b4797bfc2"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2076fad65c6736184e77d7d4729b63a6d1ae0b70da4868adeec40989858eb3fb"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5cd603b575ebceca7da5a3a251e69561bec509e0b46e4993e1cac402b7247b8"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b47cfad9e9bbbed2339081f4e346c93ecd7ab504299403320bf85f7f85c7d46c"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8212564d49c50eb4565e502814f694e240c55551a5f1bc841d4fcaabb0a9b8a"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:5f15814a33e42b04e3de432e573aa557f9f0f56458745c2074952f564c50e664"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:db2e408d983b0e61e238cf579c09ef7020560441906ca990fe8412153e3b291f"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:edfad1d29c73f9b863ebe7082ae9321374ccb10879eeabc84ba3b69f2579d537"}, + {file = "wrapt-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed867c42c268f876097248e05b6117a65bcd1e63b779e916fe2e33cd6fd0d3c3"}, + {file = "wrapt-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:eb1b046be06b0fce7249f1d025cd359b4b80fc1c3e24ad9eca33e0dcdb2e4a35"}, + {file = "wrapt-1.16.0-py3-none-any.whl", hash = "sha256:6906c4100a8fcbf2fa735f6059214bb13b97f75b1a61777fcf6432121ef12ef1"}, + {file = "wrapt-1.16.0.tar.gz", hash = "sha256:5f370f952971e7d17c7d1ead40e49f32345a7f7a5373571ef44d800d06b1899d"}, +] + +[[package]] +name = "xxhash" +version = "3.4.1" +description = "Python binding for xxHash" +optional = false +python-versions = ">=3.7" files = [ - {file = "wrapt-1.15.0-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:ca1cccf838cd28d5a0883b342474c630ac48cac5df0ee6eacc9c7290f76b11c1"}, - {file = "wrapt-1.15.0-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:e826aadda3cae59295b95343db8f3d965fb31059da7de01ee8d1c40a60398b29"}, - {file = "wrapt-1.15.0-cp27-cp27m-manylinux1_x86_64.whl", hash = "sha256:5fc8e02f5984a55d2c653f5fea93531e9836abbd84342c1d1e17abc4a15084c2"}, - {file = "wrapt-1.15.0-cp27-cp27m-manylinux2010_i686.whl", hash = "sha256:96e25c8603a155559231c19c0349245eeb4ac0096fe3c1d0be5c47e075bd4f46"}, - {file = "wrapt-1.15.0-cp27-cp27m-manylinux2010_x86_64.whl", hash = "sha256:40737a081d7497efea35ab9304b829b857f21558acfc7b3272f908d33b0d9d4c"}, - {file = "wrapt-1.15.0-cp27-cp27mu-manylinux1_i686.whl", hash = "sha256:f87ec75864c37c4c6cb908d282e1969e79763e0d9becdfe9fe5473b7bb1e5f09"}, - {file = "wrapt-1.15.0-cp27-cp27mu-manylinux1_x86_64.whl", hash = "sha256:1286eb30261894e4c70d124d44b7fd07825340869945c79d05bda53a40caa079"}, - {file = "wrapt-1.15.0-cp27-cp27mu-manylinux2010_i686.whl", hash = "sha256:493d389a2b63c88ad56cdc35d0fa5752daac56ca755805b1b0c530f785767d5e"}, - {file = "wrapt-1.15.0-cp27-cp27mu-manylinux2010_x86_64.whl", hash = "sha256:58d7a75d731e8c63614222bcb21dd992b4ab01a399f1f09dd82af17bbfc2368a"}, - {file = "wrapt-1.15.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:21f6d9a0d5b3a207cdf7acf8e58d7d13d463e639f0c7e01d82cdb671e6cb7923"}, - {file = "wrapt-1.15.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ce42618f67741d4697684e501ef02f29e758a123aa2d669e2d964ff734ee00ee"}, - {file = "wrapt-1.15.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:41d07d029dd4157ae27beab04d22b8e261eddfc6ecd64ff7000b10dc8b3a5727"}, - {file = "wrapt-1.15.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54accd4b8bc202966bafafd16e69da9d5640ff92389d33d28555c5fd4f25ccb7"}, - {file = "wrapt-1.15.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2fbfbca668dd15b744418265a9607baa970c347eefd0db6a518aaf0cfbd153c0"}, - {file = "wrapt-1.15.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:76e9c727a874b4856d11a32fb0b389afc61ce8aaf281ada613713ddeadd1cfec"}, - {file = "wrapt-1.15.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e20076a211cd6f9b44a6be58f7eeafa7ab5720eb796975d0c03f05b47d89eb90"}, - {file = "wrapt-1.15.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a74d56552ddbde46c246b5b89199cb3fd182f9c346c784e1a93e4dc3f5ec9975"}, - {file = "wrapt-1.15.0-cp310-cp310-win32.whl", hash = "sha256:26458da5653aa5b3d8dc8b24192f574a58984c749401f98fff994d41d3f08da1"}, - {file = "wrapt-1.15.0-cp310-cp310-win_amd64.whl", hash = "sha256:75760a47c06b5974aa5e01949bf7e66d2af4d08cb8c1d6516af5e39595397f5e"}, - {file = "wrapt-1.15.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:ba1711cda2d30634a7e452fc79eabcadaffedf241ff206db2ee93dd2c89a60e7"}, - {file = "wrapt-1.15.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:56374914b132c702aa9aa9959c550004b8847148f95e1b824772d453ac204a72"}, - {file = "wrapt-1.15.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a89ce3fd220ff144bd9d54da333ec0de0399b52c9ac3d2ce34b569cf1a5748fb"}, - {file = "wrapt-1.15.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3bbe623731d03b186b3d6b0d6f51865bf598587c38d6f7b0be2e27414f7f214e"}, - {file = "wrapt-1.15.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3abbe948c3cbde2689370a262a8d04e32ec2dd4f27103669a45c6929bcdbfe7c"}, - {file = "wrapt-1.15.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:b67b819628e3b748fd3c2192c15fb951f549d0f47c0449af0764d7647302fda3"}, - {file = "wrapt-1.15.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:7eebcdbe3677e58dd4c0e03b4f2cfa346ed4049687d839adad68cc38bb559c92"}, - {file = "wrapt-1.15.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:74934ebd71950e3db69960a7da29204f89624dde411afbfb3b4858c1409b1e98"}, - {file = "wrapt-1.15.0-cp311-cp311-win32.whl", hash = "sha256:bd84395aab8e4d36263cd1b9308cd504f6cf713b7d6d3ce25ea55670baec5416"}, - {file = "wrapt-1.15.0-cp311-cp311-win_amd64.whl", hash = "sha256:a487f72a25904e2b4bbc0817ce7a8de94363bd7e79890510174da9d901c38705"}, - {file = "wrapt-1.15.0-cp35-cp35m-manylinux1_i686.whl", hash = "sha256:4ff0d20f2e670800d3ed2b220d40984162089a6e2c9646fdb09b85e6f9a8fc29"}, - {file = "wrapt-1.15.0-cp35-cp35m-manylinux1_x86_64.whl", hash = "sha256:9ed6aa0726b9b60911f4aed8ec5b8dd7bf3491476015819f56473ffaef8959bd"}, - {file = "wrapt-1.15.0-cp35-cp35m-manylinux2010_i686.whl", hash = "sha256:896689fddba4f23ef7c718279e42f8834041a21342d95e56922e1c10c0cc7afb"}, - {file = "wrapt-1.15.0-cp35-cp35m-manylinux2010_x86_64.whl", hash = "sha256:75669d77bb2c071333417617a235324a1618dba66f82a750362eccbe5b61d248"}, - {file = "wrapt-1.15.0-cp35-cp35m-win32.whl", hash = "sha256:fbec11614dba0424ca72f4e8ba3c420dba07b4a7c206c8c8e4e73f2e98f4c559"}, - {file = "wrapt-1.15.0-cp35-cp35m-win_amd64.whl", hash = "sha256:fd69666217b62fa5d7c6aa88e507493a34dec4fa20c5bd925e4bc12fce586639"}, - {file = "wrapt-1.15.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:b0724f05c396b0a4c36a3226c31648385deb6a65d8992644c12a4963c70326ba"}, - {file = "wrapt-1.15.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bbeccb1aa40ab88cd29e6c7d8585582c99548f55f9b2581dfc5ba68c59a85752"}, - {file = "wrapt-1.15.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:38adf7198f8f154502883242f9fe7333ab05a5b02de7d83aa2d88ea621f13364"}, - {file = "wrapt-1.15.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:578383d740457fa790fdf85e6d346fda1416a40549fe8db08e5e9bd281c6a475"}, - {file = "wrapt-1.15.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:a4cbb9ff5795cd66f0066bdf5947f170f5d63a9274f99bdbca02fd973adcf2a8"}, - {file = "wrapt-1.15.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:af5bd9ccb188f6a5fdda9f1f09d9f4c86cc8a539bd48a0bfdc97723970348418"}, - {file = "wrapt-1.15.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:b56d5519e470d3f2fe4aa7585f0632b060d532d0696c5bdfb5e8319e1d0f69a2"}, - {file = "wrapt-1.15.0-cp36-cp36m-win32.whl", hash = "sha256:77d4c1b881076c3ba173484dfa53d3582c1c8ff1f914c6461ab70c8428b796c1"}, - {file = "wrapt-1.15.0-cp36-cp36m-win_amd64.whl", hash = "sha256:077ff0d1f9d9e4ce6476c1a924a3332452c1406e59d90a2cf24aeb29eeac9420"}, - {file = "wrapt-1.15.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:5c5aa28df055697d7c37d2099a7bc09f559d5053c3349b1ad0c39000e611d317"}, - {file = "wrapt-1.15.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3a8564f283394634a7a7054b7983e47dbf39c07712d7b177b37e03f2467a024e"}, - {file = "wrapt-1.15.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:780c82a41dc493b62fc5884fb1d3a3b81106642c5c5c78d6a0d4cbe96d62ba7e"}, - {file = "wrapt-1.15.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e169e957c33576f47e21864cf3fc9ff47c223a4ebca8960079b8bd36cb014fd0"}, - {file = "wrapt-1.15.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:b02f21c1e2074943312d03d243ac4388319f2456576b2c6023041c4d57cd7019"}, - {file = "wrapt-1.15.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f2e69b3ed24544b0d3dbe2c5c0ba5153ce50dcebb576fdc4696d52aa22db6034"}, - {file = "wrapt-1.15.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:d787272ed958a05b2c86311d3a4135d3c2aeea4fc655705f074130aa57d71653"}, - {file = "wrapt-1.15.0-cp37-cp37m-win32.whl", hash = "sha256:02fce1852f755f44f95af51f69d22e45080102e9d00258053b79367d07af39c0"}, - {file = "wrapt-1.15.0-cp37-cp37m-win_amd64.whl", hash = "sha256:abd52a09d03adf9c763d706df707c343293d5d106aea53483e0ec8d9e310ad5e"}, - {file = "wrapt-1.15.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:cdb4f085756c96a3af04e6eca7f08b1345e94b53af8921b25c72f096e704e145"}, - {file = "wrapt-1.15.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:230ae493696a371f1dbffaad3dafbb742a4d27a0afd2b1aecebe52b740167e7f"}, - {file = "wrapt-1.15.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:63424c681923b9f3bfbc5e3205aafe790904053d42ddcc08542181a30a7a51bd"}, - {file = "wrapt-1.15.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d6bcbfc99f55655c3d93feb7ef3800bd5bbe963a755687cbf1f490a71fb7794b"}, - {file = "wrapt-1.15.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c99f4309f5145b93eca6e35ac1a988f0dc0a7ccf9ccdcd78d3c0adf57224e62f"}, - {file = "wrapt-1.15.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:b130fe77361d6771ecf5a219d8e0817d61b236b7d8b37cc045172e574ed219e6"}, - {file = "wrapt-1.15.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:96177eb5645b1c6985f5c11d03fc2dbda9ad24ec0f3a46dcce91445747e15094"}, - {file = "wrapt-1.15.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d5fe3e099cf07d0fb5a1e23d399e5d4d1ca3e6dfcbe5c8570ccff3e9208274f7"}, - {file = "wrapt-1.15.0-cp38-cp38-win32.whl", hash = "sha256:abd8f36c99512755b8456047b7be10372fca271bf1467a1caa88db991e7c421b"}, - {file = "wrapt-1.15.0-cp38-cp38-win_amd64.whl", hash = "sha256:b06fa97478a5f478fb05e1980980a7cdf2712015493b44d0c87606c1513ed5b1"}, - {file = "wrapt-1.15.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:2e51de54d4fb8fb50d6ee8327f9828306a959ae394d3e01a1ba8b2f937747d86"}, - {file = "wrapt-1.15.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:0970ddb69bba00670e58955f8019bec4a42d1785db3faa043c33d81de2bf843c"}, - {file = "wrapt-1.15.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:76407ab327158c510f44ded207e2f76b657303e17cb7a572ffe2f5a8a48aa04d"}, - {file = "wrapt-1.15.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:cd525e0e52a5ff16653a3fc9e3dd827981917d34996600bbc34c05d048ca35cc"}, - {file = "wrapt-1.15.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9d37ac69edc5614b90516807de32d08cb8e7b12260a285ee330955604ed9dd29"}, - {file = "wrapt-1.15.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:078e2a1a86544e644a68422f881c48b84fef6d18f8c7a957ffd3f2e0a74a0d4a"}, - {file = "wrapt-1.15.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:2cf56d0e237280baed46f0b5316661da892565ff58309d4d2ed7dba763d984b8"}, - {file = "wrapt-1.15.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:7dc0713bf81287a00516ef43137273b23ee414fe41a3c14be10dd95ed98a2df9"}, - {file = "wrapt-1.15.0-cp39-cp39-win32.whl", hash = "sha256:46ed616d5fb42f98630ed70c3529541408166c22cdfd4540b88d5f21006b0eff"}, - {file = "wrapt-1.15.0-cp39-cp39-win_amd64.whl", hash = "sha256:eef4d64c650f33347c1f9266fa5ae001440b232ad9b98f1f43dfe7a79435c0a6"}, - {file = "wrapt-1.15.0-py3-none-any.whl", hash = "sha256:64b1df0f83706b4ef4cfb4fb0e4c2669100fd7ecacfb59e091fad300d4e04640"}, - {file = "wrapt-1.15.0.tar.gz", hash = "sha256:d06730c6aed78cee4126234cf2d071e01b44b915e725a6cb439a879ec9754a3a"}, + {file = "xxhash-3.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:91dbfa55346ad3e18e738742236554531a621042e419b70ad8f3c1d9c7a16e7f"}, + {file = "xxhash-3.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:665a65c2a48a72068fcc4d21721510df5f51f1142541c890491afc80451636d2"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb11628470a6004dc71a09fe90c2f459ff03d611376c1debeec2d648f44cb693"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5bef2a7dc7b4f4beb45a1edbba9b9194c60a43a89598a87f1a0226d183764189"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9c0f7b2d547d72c7eda7aa817acf8791f0146b12b9eba1d4432c531fb0352228"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00f2fdef6b41c9db3d2fc0e7f94cb3db86693e5c45d6de09625caad9a469635b"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:23cfd9ca09acaf07a43e5a695143d9a21bf00f5b49b15c07d5388cadf1f9ce11"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6a9ff50a3cf88355ca4731682c168049af1ca222d1d2925ef7119c1a78e95b3b"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:f1d7c69a1e9ca5faa75546fdd267f214f63f52f12692f9b3a2f6467c9e67d5e7"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:672b273040d5d5a6864a36287f3514efcd1d4b1b6a7480f294c4b1d1ee1b8de0"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4178f78d70e88f1c4a89ff1ffe9f43147185930bb962ee3979dba15f2b1cc799"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9804b9eb254d4b8cc83ab5a2002128f7d631dd427aa873c8727dba7f1f0d1c2b"}, + {file = "xxhash-3.4.1-cp310-cp310-win32.whl", hash = "sha256:c09c49473212d9c87261d22c74370457cfff5db2ddfc7fd1e35c80c31a8c14ce"}, + {file = "xxhash-3.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:ebbb1616435b4a194ce3466d7247df23499475c7ed4eb2681a1fa42ff766aff6"}, + {file = "xxhash-3.4.1-cp310-cp310-win_arm64.whl", hash = "sha256:25dc66be3db54f8a2d136f695b00cfe88018e59ccff0f3b8f545869f376a8a46"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:58c49083801885273e262c0f5bbeac23e520564b8357fbb18fb94ff09d3d3ea5"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b526015a973bfbe81e804a586b703f163861da36d186627e27524f5427b0d520"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36ad4457644c91a966f6fe137d7467636bdc51a6ce10a1d04f365c70d6a16d7e"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:248d3e83d119770f96003271fe41e049dd4ae52da2feb8f832b7a20e791d2920"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2070b6d5bbef5ee031666cf21d4953c16e92c2f8a24a94b5c240f8995ba3b1d0"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b2746035f518f0410915e247877f7df43ef3372bf36cfa52cc4bc33e85242641"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a8ba6181514681c2591840d5632fcf7356ab287d4aff1c8dea20f3c78097088"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0aac5010869240e95f740de43cd6a05eae180c59edd182ad93bf12ee289484fa"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4cb11d8debab1626181633d184b2372aaa09825bde709bf927704ed72765bed1"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:b29728cff2c12f3d9f1d940528ee83918d803c0567866e062683f300d1d2eff3"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:a15cbf3a9c40672523bdb6ea97ff74b443406ba0ab9bca10ceccd9546414bd84"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:6e66df260fed01ed8ea790c2913271641c58481e807790d9fca8bfd5a3c13844"}, + {file = "xxhash-3.4.1-cp311-cp311-win32.whl", hash = "sha256:e867f68a8f381ea12858e6d67378c05359d3a53a888913b5f7d35fbf68939d5f"}, + {file = "xxhash-3.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:200a5a3ad9c7c0c02ed1484a1d838b63edcf92ff538770ea07456a3732c577f4"}, + {file = "xxhash-3.4.1-cp311-cp311-win_arm64.whl", hash = "sha256:1d03f1c0d16d24ea032e99f61c552cb2b77d502e545187338bea461fde253583"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c4bbba9b182697a52bc0c9f8ec0ba1acb914b4937cd4a877ad78a3b3eeabefb3"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9fd28a9da300e64e434cfc96567a8387d9a96e824a9be1452a1e7248b7763b78"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6066d88c9329ab230e18998daec53d819daeee99d003955c8db6fc4971b45ca3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:93805bc3233ad89abf51772f2ed3355097a5dc74e6080de19706fc447da99cd3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:64da57d5ed586ebb2ecdde1e997fa37c27fe32fe61a656b77fabbc58e6fbff6e"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7a97322e9a7440bf3c9805cbaac090358b43f650516486746f7fa482672593df"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bbe750d512982ee7d831838a5dee9e9848f3fb440e4734cca3f298228cc957a6"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:fd79d4087727daf4d5b8afe594b37d611ab95dc8e29fe1a7517320794837eb7d"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:743612da4071ff9aa4d055f3f111ae5247342931dedb955268954ef7201a71ff"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:b41edaf05734092f24f48c0958b3c6cbaaa5b7e024880692078c6b1f8247e2fc"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:a90356ead70d715fe64c30cd0969072de1860e56b78adf7c69d954b43e29d9fa"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ac56eebb364e44c85e1d9e9cc5f6031d78a34f0092fea7fc80478139369a8b4a"}, + {file = "xxhash-3.4.1-cp312-cp312-win32.whl", hash = "sha256:911035345932a153c427107397c1518f8ce456f93c618dd1c5b54ebb22e73747"}, + {file = "xxhash-3.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:f31ce76489f8601cc7b8713201ce94b4bd7b7ce90ba3353dccce7e9e1fee71fa"}, + {file = "xxhash-3.4.1-cp312-cp312-win_arm64.whl", hash = "sha256:b5beb1c6a72fdc7584102f42c4d9df232ee018ddf806e8c90906547dfb43b2da"}, + {file = "xxhash-3.4.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:6d42b24d1496deb05dee5a24ed510b16de1d6c866c626c2beb11aebf3be278b9"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3b685fab18876b14a8f94813fa2ca80cfb5ab6a85d31d5539b7cd749ce9e3624"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:419ffe34c17ae2df019a4685e8d3934d46b2e0bbe46221ab40b7e04ed9f11137"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0e041ce5714f95251a88670c114b748bca3bf80cc72400e9f23e6d0d59cf2681"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc860d887c5cb2f524899fb8338e1bb3d5789f75fac179101920d9afddef284b"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:312eba88ffe0a05e332e3a6f9788b73883752be63f8588a6dc1261a3eaaaf2b2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:e01226b6b6a1ffe4e6bd6d08cfcb3ca708b16f02eb06dd44f3c6e53285f03e4f"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:9f3025a0d5d8cf406a9313cd0d5789c77433ba2004b1c75439b67678e5136537"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:6d3472fd4afef2a567d5f14411d94060099901cd8ce9788b22b8c6f13c606a93"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:43984c0a92f06cac434ad181f329a1445017c33807b7ae4f033878d860a4b0f2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a55e0506fdb09640a82ec4f44171273eeabf6f371a4ec605633adb2837b5d9d5"}, + {file = "xxhash-3.4.1-cp37-cp37m-win32.whl", hash = "sha256:faec30437919555b039a8bdbaba49c013043e8f76c999670aef146d33e05b3a0"}, + {file = "xxhash-3.4.1-cp37-cp37m-win_amd64.whl", hash = "sha256:c9e1b646af61f1fc7083bb7b40536be944f1ac67ef5e360bca2d73430186971a"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:961d948b7b1c1b6c08484bbce3d489cdf153e4122c3dfb07c2039621243d8795"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:719a378930504ab159f7b8e20fa2aa1896cde050011af838af7e7e3518dd82de"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:74fb5cb9406ccd7c4dd917f16630d2e5e8cbbb02fc2fca4e559b2a47a64f4940"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5dab508ac39e0ab988039bc7f962c6ad021acd81fd29145962b068df4148c476"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8c59f3e46e7daf4c589e8e853d700ef6607afa037bfad32c390175da28127e8c"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8cc07256eff0795e0f642df74ad096f8c5d23fe66bc138b83970b50fc7f7f6c5"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e9f749999ed80f3955a4af0eb18bb43993f04939350b07b8dd2f44edc98ffee9"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:7688d7c02149a90a3d46d55b341ab7ad1b4a3f767be2357e211b4e893efbaaf6"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a8b4977963926f60b0d4f830941c864bed16aa151206c01ad5c531636da5708e"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:8106d88da330f6535a58a8195aa463ef5281a9aa23b04af1848ff715c4398fb4"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4c76a77dbd169450b61c06fd2d5d436189fc8ab7c1571d39265d4822da16df22"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:11f11357c86d83e53719c592021fd524efa9cf024dc7cb1dfb57bbbd0d8713f2"}, + {file = "xxhash-3.4.1-cp38-cp38-win32.whl", hash = "sha256:0c786a6cd74e8765c6809892a0d45886e7c3dc54de4985b4a5eb8b630f3b8e3b"}, + {file = "xxhash-3.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:aabf37fb8fa27430d50507deeab2ee7b1bcce89910dd10657c38e71fee835594"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6127813abc1477f3a83529b6bbcfeddc23162cece76fa69aee8f6a8a97720562"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ef2e194262f5db16075caea7b3f7f49392242c688412f386d3c7b07c7733a70a"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:71be94265b6c6590f0018bbf73759d21a41c6bda20409782d8117e76cd0dfa8b"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:10e0a619cdd1c0980e25eb04e30fe96cf8f4324758fa497080af9c21a6de573f"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fa122124d2e3bd36581dd78c0efa5f429f5220313479fb1072858188bc2d5ff1"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17032f5a4fea0a074717fe33477cb5ee723a5f428de7563e75af64bfc1b1e10"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ca7783b20e3e4f3f52f093538895863f21d18598f9a48211ad757680c3bd006f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d77d09a1113899fad5f354a1eb4f0a9afcf58cefff51082c8ad643ff890e30cf"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:21287bcdd299fdc3328cc0fbbdeaa46838a1c05391264e51ddb38a3f5b09611f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:dfd7a6cc483e20b4ad90224aeb589e64ec0f31e5610ab9957ff4314270b2bf31"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:543c7fcbc02bbb4840ea9915134e14dc3dc15cbd5a30873a7a5bf66039db97ec"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:fe0a98d990e433013f41827b62be9ab43e3cf18e08b1483fcc343bda0d691182"}, + {file = "xxhash-3.4.1-cp39-cp39-win32.whl", hash = "sha256:b9097af00ebf429cc7c0e7d2fdf28384e4e2e91008130ccda8d5ae653db71e54"}, + {file = "xxhash-3.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:d699b921af0dcde50ab18be76c0d832f803034d80470703700cb7df0fbec2832"}, + {file = "xxhash-3.4.1-cp39-cp39-win_arm64.whl", hash = "sha256:2be491723405e15cc099ade1280133ccfbf6322d2ef568494fb7d07d280e7eee"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:431625fad7ab5649368c4849d2b49a83dc711b1f20e1f7f04955aab86cd307bc"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc6dbd5fc3c9886a9e041848508b7fb65fd82f94cc793253990f81617b61fe49"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3ff8dbd0ec97aec842476cb8ccc3e17dd288cd6ce3c8ef38bff83d6eb927817"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef73a53fe90558a4096e3256752268a8bdc0322f4692ed928b6cd7ce06ad4fe3"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:450401f42bbd274b519d3d8dcf3c57166913381a3d2664d6609004685039f9d3"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a162840cf4de8a7cd8720ff3b4417fbc10001eefdd2d21541a8226bb5556e3bb"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b736a2a2728ba45017cb67785e03125a79d246462dfa892d023b827007412c52"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0ae4c2e7698adef58710d6e7a32ff518b66b98854b1c68e70eee504ad061d8"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d6322c4291c3ff174dcd104fae41500e75dad12be6f3085d119c2c8a80956c51"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:dd59ed668801c3fae282f8f4edadf6dc7784db6d18139b584b6d9677ddde1b6b"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:92693c487e39523a80474b0394645b393f0ae781d8db3474ccdcead0559ccf45"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4603a0f642a1e8d7f3ba5c4c25509aca6a9c1cc16f85091004a7028607ead663"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6fa45e8cbfbadb40a920fe9ca40c34b393e0b067082d94006f7f64e70c7490a6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:595b252943b3552de491ff51e5bb79660f84f033977f88f6ca1605846637b7c6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:562d8b8f783c6af969806aaacf95b6c7b776929ae26c0cd941d54644ea7ef51e"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:41ddeae47cf2828335d8d991f2d2b03b0bdc89289dc64349d712ff8ce59d0647"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c44d584afdf3c4dbb3277e32321d1a7b01d6071c1992524b6543025fb8f4206f"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd7bddb3a5b86213cc3f2c61500c16945a1b80ecd572f3078ddbbe68f9dabdfb"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9ecb6c987b62437c2f99c01e97caf8d25660bf541fe79a481d05732e5236719c"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:696b4e18b7023527d5c50ed0626ac0520edac45a50ec7cf3fc265cd08b1f4c03"}, + {file = "xxhash-3.4.1.tar.gz", hash = "sha256:0379d6cf1ff987cd421609a264ce025e74f346e3e145dd106c0cc2e3ec3f99a9"}, ] +[[package]] +name = "yarl" +version = "1.9.4" +description = "Yet another URL library" +optional = false +python-versions = ">=3.7" +files = [ + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a8c1df72eb746f4136fe9a2e72b0c9dc1da1cbd23b5372f94b5820ff8ae30e0e"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a3a6ed1d525bfb91b3fc9b690c5a21bb52de28c018530ad85093cc488bee2dd2"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c38c9ddb6103ceae4e4498f9c08fac9b590c5c71b0370f98714768e22ac6fa66"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9e09c9d74f4566e905a0b8fa668c58109f7624db96a2171f21747abc7524234"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b8477c1ee4bd47c57d49621a062121c3023609f7a13b8a46953eb6c9716ca392"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5ff2c858f5f6a42c2a8e751100f237c5e869cbde669a724f2062d4c4ef93551"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:357495293086c5b6d34ca9616a43d329317feab7917518bc97a08f9e55648455"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54525ae423d7b7a8ee81ba189f131054defdb122cde31ff17477951464c1691c"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:801e9264d19643548651b9db361ce3287176671fb0117f96b5ac0ee1c3530d53"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e516dc8baf7b380e6c1c26792610230f37147bb754d6426462ab115a02944385"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:7d5aaac37d19b2904bb9dfe12cdb08c8443e7ba7d2852894ad448d4b8f442863"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:54beabb809ffcacbd9d28ac57b0db46e42a6e341a030293fb3185c409e626b8b"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bac8d525a8dbc2a1507ec731d2867025d11ceadcb4dd421423a5d42c56818541"}, + {file = "yarl-1.9.4-cp310-cp310-win32.whl", hash = "sha256:7855426dfbddac81896b6e533ebefc0af2f132d4a47340cee6d22cac7190022d"}, + {file = "yarl-1.9.4-cp310-cp310-win_amd64.whl", hash = "sha256:848cd2a1df56ddbffeb375535fb62c9d1645dde33ca4d51341378b3f5954429b"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:35a2b9396879ce32754bd457d31a51ff0a9d426fd9e0e3c33394bf4b9036b099"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c7d56b293cc071e82532f70adcbd8b61909eec973ae9d2d1f9b233f3d943f2c"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d8a1c6c0be645c745a081c192e747c5de06e944a0d21245f4cf7c05e457c36e0"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b3c1ffe10069f655ea2d731808e76e0f452fc6c749bea04781daf18e6039525"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:549d19c84c55d11687ddbd47eeb348a89df9cb30e1993f1b128f4685cd0ebbf8"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a7409f968456111140c1c95301cadf071bd30a81cbd7ab829169fb9e3d72eae9"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e23a6d84d9d1738dbc6e38167776107e63307dfc8ad108e580548d1f2c587f42"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d8b889777de69897406c9fb0b76cdf2fd0f31267861ae7501d93003d55f54fbe"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:03caa9507d3d3c83bca08650678e25364e1843b484f19986a527630ca376ecce"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4e9035df8d0880b2f1c7f5031f33f69e071dfe72ee9310cfc76f7b605958ceb9"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:c0ec0ed476f77db9fb29bca17f0a8fcc7bc97ad4c6c1d8959c507decb22e8572"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:ee04010f26d5102399bd17f8df8bc38dc7ccd7701dc77f4a68c5b8d733406958"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:49a180c2e0743d5d6e0b4d1a9e5f633c62eca3f8a86ba5dd3c471060e352ca98"}, + {file = "yarl-1.9.4-cp311-cp311-win32.whl", hash = "sha256:81eb57278deb6098a5b62e88ad8281b2ba09f2f1147c4767522353eaa6260b31"}, + {file = "yarl-1.9.4-cp311-cp311-win_amd64.whl", hash = "sha256:d1d2532b340b692880261c15aee4dc94dd22ca5d61b9db9a8a361953d36410b1"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0d2454f0aef65ea81037759be5ca9947539667eecebca092733b2eb43c965a81"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:44d8ffbb9c06e5a7f529f38f53eda23e50d1ed33c6c869e01481d3fafa6b8142"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aaaea1e536f98754a6e5c56091baa1b6ce2f2700cc4a00b0d49eca8dea471074"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3777ce5536d17989c91696db1d459574e9a9bd37660ea7ee4d3344579bb6f129"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9fc5fc1eeb029757349ad26bbc5880557389a03fa6ada41703db5e068881e5f2"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ea65804b5dc88dacd4a40279af0cdadcfe74b3e5b4c897aa0d81cf86927fee78"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa102d6d280a5455ad6a0f9e6d769989638718e938a6a0a2ff3f4a7ff8c62cc4"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:09efe4615ada057ba2d30df871d2f668af661e971dfeedf0c159927d48bbeff0"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:008d3e808d03ef28542372d01057fd09168419cdc8f848efe2804f894ae03e51"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6f5cb257bc2ec58f437da2b37a8cd48f666db96d47b8a3115c29f316313654ff"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:992f18e0ea248ee03b5a6e8b3b4738850ae7dbb172cc41c966462801cbf62cf7"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:0e9d124c191d5b881060a9e5060627694c3bdd1fe24c5eecc8d5d7d0eb6faabc"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:3986b6f41ad22988e53d5778f91855dc0399b043fc8946d4f2e68af22ee9ff10"}, + {file = "yarl-1.9.4-cp312-cp312-win32.whl", hash = "sha256:4b21516d181cd77ebd06ce160ef8cc2a5e9ad35fb1c5930882baff5ac865eee7"}, + {file = "yarl-1.9.4-cp312-cp312-win_amd64.whl", hash = "sha256:a9bd00dc3bc395a662900f33f74feb3e757429e545d831eef5bb280252631984"}, + {file = "yarl-1.9.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:63b20738b5aac74e239622d2fe30df4fca4942a86e31bf47a81a0e94c14df94f"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7d7f7de27b8944f1fee2c26a88b4dabc2409d2fea7a9ed3df79b67277644e17"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c74018551e31269d56fab81a728f683667e7c28c04e807ba08f8c9e3bba32f14"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ca06675212f94e7a610e85ca36948bb8fc023e458dd6c63ef71abfd482481aa5"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5aef935237d60a51a62b86249839b51345f47564208c6ee615ed2a40878dccdd"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2b134fd795e2322b7684155b7855cc99409d10b2e408056db2b93b51a52accc7"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d25039a474c4c72a5ad4b52495056f843a7ff07b632c1b92ea9043a3d9950f6e"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f7d6b36dd2e029b6bcb8a13cf19664c7b8e19ab3a58e0fefbb5b8461447ed5ec"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:957b4774373cf6f709359e5c8c4a0af9f6d7875db657adb0feaf8d6cb3c3964c"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d7eeb6d22331e2fd42fce928a81c697c9ee2d51400bd1a28803965883e13cead"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:6a962e04b8f91f8c4e5917e518d17958e3bdee71fd1d8b88cdce74dd0ebbf434"}, + {file = "yarl-1.9.4-cp37-cp37m-win32.whl", hash = "sha256:f3bc6af6e2b8f92eced34ef6a96ffb248e863af20ef4fde9448cc8c9b858b749"}, + {file = "yarl-1.9.4-cp37-cp37m-win_amd64.whl", hash = "sha256:ad4d7a90a92e528aadf4965d685c17dacff3df282db1121136c382dc0b6014d2"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:ec61d826d80fc293ed46c9dd26995921e3a82146feacd952ef0757236fc137be"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:8be9e837ea9113676e5754b43b940b50cce76d9ed7d2461df1af39a8ee674d9f"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bef596fdaa8f26e3d66af846bbe77057237cb6e8efff8cd7cc8dff9a62278bbf"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d47552b6e52c3319fede1b60b3de120fe83bde9b7bddad11a69fb0af7db32f1"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:84fc30f71689d7fc9168b92788abc977dc8cefa806909565fc2951d02f6b7d57"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4aa9741085f635934f3a2583e16fcf62ba835719a8b2b28fb2917bb0537c1dfa"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:206a55215e6d05dbc6c98ce598a59e6fbd0c493e2de4ea6cc2f4934d5a18d130"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:07574b007ee20e5c375a8fe4a0789fad26db905f9813be0f9fef5a68080de559"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5a2e2433eb9344a163aced6a5f6c9222c0786e5a9e9cac2c89f0b28433f56e23"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:6ad6d10ed9b67a382b45f29ea028f92d25bc0bc1daf6c5b801b90b5aa70fb9ec"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:6fe79f998a4052d79e1c30eeb7d6c1c1056ad33300f682465e1b4e9b5a188b78"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a825ec844298c791fd28ed14ed1bffc56a98d15b8c58a20e0e08c1f5f2bea1be"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8619d6915b3b0b34420cf9b2bb6d81ef59d984cb0fde7544e9ece32b4b3043c3"}, + {file = "yarl-1.9.4-cp38-cp38-win32.whl", hash = "sha256:686a0c2f85f83463272ddffd4deb5e591c98aac1897d65e92319f729c320eece"}, + {file = "yarl-1.9.4-cp38-cp38-win_amd64.whl", hash = "sha256:a00862fb23195b6b8322f7d781b0dc1d82cb3bcac346d1e38689370cc1cc398b"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:604f31d97fa493083ea21bd9b92c419012531c4e17ea6da0f65cacdcf5d0bd27"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:8a854227cf581330ffa2c4824d96e52ee621dd571078a252c25e3a3b3d94a1b1"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ba6f52cbc7809cd8d74604cce9c14868306ae4aa0282016b641c661f981a6e91"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a6327976c7c2f4ee6816eff196e25385ccc02cb81427952414a64811037bbc8b"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8397a3817d7dcdd14bb266283cd1d6fc7264a48c186b986f32e86d86d35fbac5"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0381b4ce23ff92f8170080c97678040fc5b08da85e9e292292aba67fdac6c34"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:23d32a2594cb5d565d358a92e151315d1b2268bc10f4610d098f96b147370136"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ddb2a5c08a4eaaba605340fdee8fc08e406c56617566d9643ad8bf6852778fc7"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:26a1dc6285e03f3cc9e839a2da83bcbf31dcb0d004c72d0730e755b33466c30e"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:18580f672e44ce1238b82f7fb87d727c4a131f3a9d33a5e0e82b793362bf18b4"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:29e0f83f37610f173eb7e7b5562dd71467993495e568e708d99e9d1944f561ec"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:1f23e4fe1e8794f74b6027d7cf19dc25f8b63af1483d91d595d4a07eca1fb26c"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:db8e58b9d79200c76956cefd14d5c90af54416ff5353c5bfd7cbe58818e26ef0"}, + {file = "yarl-1.9.4-cp39-cp39-win32.whl", hash = "sha256:c7224cab95645c7ab53791022ae77a4509472613e839dab722a72abe5a684575"}, + {file = "yarl-1.9.4-cp39-cp39-win_amd64.whl", hash = "sha256:824d6c50492add5da9374875ce72db7a0733b29c2394890aef23d533106e2b15"}, + {file = "yarl-1.9.4-py3-none-any.whl", hash = "sha256:928cecb0ef9d5a7946eb6ff58417ad2fe9375762382f1bf5c55e61645f2c43ad"}, + {file = "yarl-1.9.4.tar.gz", hash = "sha256:566db86717cf8080b99b58b083b773a908ae40f06681e87e589a976faf8246bf"}, +] + +[package.dependencies] +idna = ">=2.0" +multidict = ">=4.0" + [metadata] lock-version = "2.0" python-versions = "^3.11" -content-hash = "9f4cf2e3296a3b014f13bc8fbc7f042abf37440b40b81f59b48feebab5b5d9a3" +content-hash = "b85dcdcada089b706b85e590d41896666b20ab69d4ad400659fe53bdfcf3b03b" diff --git a/source-pokemon/pyproject.toml b/source-pokemon/pyproject.toml index 2054e3cd97..7cb5d6e7f3 100644 --- a/source-pokemon/pyproject.toml +++ b/source-pokemon/pyproject.toml @@ -1,21 +1,14 @@ [tool.poetry] -name = "source-pokemon" +name = "source_pokemon" version = "0.1.0" description = "" authors = ["Johnny Graettinger "] -readme = "README.md" [tool.poetry.dependencies] -airbyte-cdk = "0.51.14" -jsonlines = "^4.0.0" -mypy = "^1.5" -orjson = "^3.9.7" -pydantic = "1.10.12" +airbyte-cdk = "^0.52" +estuary-cdk = {path="../estuary-cdk", develop = true} python = "^3.11" -requests = "^2.31.0" -types-requests = "^2.31.0.2" -debugpy = "^1.8.0" -flow_sdk = {path="../python"} +types-requests = "^2.31" [build-system] requires = ["poetry-core"] diff --git a/source-pokemon/__init__.py b/source-pokemon/source_pokemon/__init__.py similarity index 100% rename from source-pokemon/__init__.py rename to source-pokemon/source_pokemon/__init__.py diff --git a/source-pokemon/source_pokemon/__main__.py b/source-pokemon/source_pokemon/__main__.py new file mode 100644 index 0000000000..031b677685 --- /dev/null +++ b/source-pokemon/source_pokemon/__main__.py @@ -0,0 +1,13 @@ +import estuary_cdk.pydantic_polyfill # Must be first. + +import asyncio +from estuary_cdk import shim_airbyte_cdk +from .source import SourcePokemon + +asyncio.run( + shim_airbyte_cdk.CaptureShim( + delegate=SourcePokemon(), + oauth2=None, + schema_inference=True, + ).serve() +) diff --git a/source-pokemon/pokemon_list.py b/source-pokemon/source_pokemon/pokemon_list.py similarity index 100% rename from source-pokemon/pokemon_list.py rename to source-pokemon/source_pokemon/pokemon_list.py diff --git a/source-pokemon/schemas/pokemon.json b/source-pokemon/source_pokemon/schemas/pokemon.json similarity index 100% rename from source-pokemon/schemas/pokemon.json rename to source-pokemon/source_pokemon/schemas/pokemon.json diff --git a/source-pokemon/source.py b/source-pokemon/source_pokemon/source.py similarity index 100% rename from source-pokemon/source.py rename to source-pokemon/source_pokemon/source.py diff --git a/source-pokemon/spec.yaml b/source-pokemon/source_pokemon/spec.yaml similarity index 100% rename from source-pokemon/spec.yaml rename to source-pokemon/source_pokemon/spec.yaml diff --git a/source-pokemon/test.flow.yaml b/source-pokemon/test.flow.yaml index 984953f695..6fe0b7bcf3 100644 --- a/source-pokemon/test.flow.yaml +++ b/source-pokemon/test.flow.yaml @@ -11,7 +11,7 @@ captures: # - "0.0.0.0:5678" # - "--wait-for-client" - "-m" - - source-pokemon + - source_pokemon config: pokemon_name: pikachu bindings: From 7faa8bca19ce4b06669569fe0e997adc90d2e144 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Wed, 28 Feb 2024 05:15:06 +0000 Subject: [PATCH 05/14] source-asana: update to estuary-cdk and canonical structure --- source-asana/__main__.py | 38 - source-asana/poetry.lock | 1164 +++++++++++++---- source-asana/pyproject.toml | 18 +- source-asana/source_asana/.dockerignore | 6 - source-asana/source_asana/BOOTSTRAP.md | 25 - source-asana/source_asana/Dockerfile | 16 - source-asana/source_asana/README.md | 99 -- .../{source_asana => }/__init__.py | 0 source-asana/source_asana/__main__.py | 48 + .../source_asana/acceptance-test-config.yml | 42 - source-asana/source_asana/icon.svg | 1 - .../integration_tests/__init__.py | 0 .../integration_tests/acceptance.py | 14 - .../integration_tests/configured_catalog.json | 130 -- .../integration_tests/invalid_config.json | 3 - .../integration_tests/sample_config.json | 3 - source-asana/source_asana/main.py | 13 - source-asana/source_asana/metadata.yaml | 27 - .../source_asana/{source_asana => }/oauth.py | 0 source-asana/source_asana/requirements.txt | 1 - .../schemas/attachments.json | 0 .../schemas/attachments_compact.json | 0 .../schemas/custom_fields.json | 0 .../{source_asana => }/schemas/events.json | 0 .../schemas/organization_exports.json | 0 .../schemas/portfolios.json | 0 .../schemas/portfolios_compact.json | 0 .../schemas/portfolios_memberships.json | 0 .../{source_asana => }/schemas/projects.json | 0 .../{source_asana => }/schemas/sections.json | 0 .../schemas/sections_compact.json | 0 .../{source_asana => }/schemas/stories.json | 0 .../schemas/stories_compact.json | 0 .../{source_asana => }/schemas/tags.json | 0 .../{source_asana => }/schemas/tasks.json | 0 .../schemas/team_memberships.json | 0 .../{source_asana => }/schemas/teams.json | 0 .../{source_asana => }/schemas/users.json | 0 .../schemas/workspaces.json | 0 source-asana/source_asana/setup.py | 25 - .../source_asana/{source_asana => }/source.py | 0 .../source_asana/{source_asana => }/spec.json | 0 .../{source_asana => }/streams.py | 0 source-asana/test.flow.yaml | 2 +- .../unit_tests => tests}/conftest.py | 0 ...st_snapshots__capture__capture.stdout.json | 45 +- ..._test_snapshots__spec__capture.stdout.json | 30 +- .../unit_tests => tests}/test_oauth.py | 0 source-asana/tests/test_snapshots.py | 6 +- 49 files changed, 1030 insertions(+), 726 deletions(-) delete mode 100644 source-asana/__main__.py delete mode 100644 source-asana/source_asana/.dockerignore delete mode 100644 source-asana/source_asana/BOOTSTRAP.md delete mode 100644 source-asana/source_asana/Dockerfile delete mode 100644 source-asana/source_asana/README.md rename source-asana/source_asana/{source_asana => }/__init__.py (100%) create mode 100644 source-asana/source_asana/__main__.py delete mode 100644 source-asana/source_asana/acceptance-test-config.yml delete mode 100644 source-asana/source_asana/icon.svg delete mode 100644 source-asana/source_asana/integration_tests/__init__.py delete mode 100644 source-asana/source_asana/integration_tests/acceptance.py delete mode 100644 source-asana/source_asana/integration_tests/configured_catalog.json delete mode 100644 source-asana/source_asana/integration_tests/invalid_config.json delete mode 100644 source-asana/source_asana/integration_tests/sample_config.json delete mode 100644 source-asana/source_asana/main.py delete mode 100644 source-asana/source_asana/metadata.yaml rename source-asana/source_asana/{source_asana => }/oauth.py (100%) delete mode 100644 source-asana/source_asana/requirements.txt rename source-asana/source_asana/{source_asana => }/schemas/attachments.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/attachments_compact.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/custom_fields.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/events.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/organization_exports.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/portfolios.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/portfolios_compact.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/portfolios_memberships.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/projects.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/sections.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/sections_compact.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/stories.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/stories_compact.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/tags.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/tasks.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/team_memberships.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/teams.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/users.json (100%) rename source-asana/source_asana/{source_asana => }/schemas/workspaces.json (100%) delete mode 100644 source-asana/source_asana/setup.py rename source-asana/source_asana/{source_asana => }/source.py (100%) rename source-asana/source_asana/{source_asana => }/spec.json (100%) rename source-asana/source_asana/{source_asana => }/streams.py (100%) rename source-asana/{source_asana/unit_tests => tests}/conftest.py (100%) rename source-asana/{source_asana/unit_tests => tests}/test_oauth.py (100%) diff --git a/source-asana/__main__.py b/source-asana/__main__.py deleted file mode 100644 index 4dbe3aa680..0000000000 --- a/source-asana/__main__.py +++ /dev/null @@ -1,38 +0,0 @@ -from flow_sdk import shim_airbyte_cdk -from source_asana import SourceAsana - -def wrap_with_braces(body: str, count: int): - opening = '{'*count - closing = '}'*count - return f"{opening}{body}{closing}" - -def urlencode_field(field: str): - return f"{wrap_with_braces('#urlencode',2)}{wrap_with_braces(field,3)}{wrap_with_braces('/urlencode',2)}" - -shim_airbyte_cdk.CaptureShim( - delegate=SourceAsana(), - oauth2={ - "provider": "asana", - "authUrlTemplate": ( - f"https://app.asana.com/-/oauth_authorize?" - f"client_id={wrap_with_braces('client_id',3)}&" - f"redirect_uri={urlencode_field('redirect_uri')}&" - f"response_type=code&" - f"state={urlencode_field('state')}&" - f"scope=default" - - ), - "accessTokenUrlTemplate": ( - f"https://app.asana.com/-/oauth_token?" - f"grant_type=authorization_code&" - f"client_id={wrap_with_braces('client_id',3)}&" - f"client_secret={wrap_with_braces('client_secret',3)}&" - f"redirect_uri={urlencode_field('redirect_uri')}&" - f"code={urlencode_field('code')}" - ), - "accessTokenResponseMap": { - "access_token": "/access_token", - "refresh_token": "/refresh_token" - } - } -).main() \ No newline at end of file diff --git a/source-asana/poetry.lock b/source-asana/poetry.lock index 785491d2c1..cbeee8748d 100644 --- a/source-asana/poetry.lock +++ b/source-asana/poetry.lock @@ -1,4 +1,127 @@ -# This file is automatically @generated by Poetry 1.7.1 and should not be changed by hand. +# This file is automatically @generated by Poetry 1.6.1 and should not be changed by hand. + +[[package]] +name = "aiodns" +version = "3.1.1" +description = "Simple DNS resolver for asyncio" +optional = false +python-versions = "*" +files = [ + {file = "aiodns-3.1.1-py3-none-any.whl", hash = "sha256:a387b63da4ced6aad35b1dda2d09620ad608a1c7c0fb71efa07ebb4cd511928d"}, + {file = "aiodns-3.1.1.tar.gz", hash = "sha256:1073eac48185f7a4150cad7f96a5192d6911f12b4fb894de80a088508c9b3a99"}, +] + +[package.dependencies] +pycares = ">=4.0.0" + +[[package]] +name = "aiohttp" +version = "3.9.3" +description = "Async http client/server framework (asyncio)" +optional = false +python-versions = ">=3.8" +files = [ + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:939677b61f9d72a4fa2a042a5eee2a99a24001a67c13da113b2e30396567db54"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1f5cd333fcf7590a18334c90f8c9147c837a6ec8a178e88d90a9b96ea03194cc"}, + {file = "aiohttp-3.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:82e6aa28dd46374f72093eda8bcd142f7771ee1eb9d1e223ff0fa7177a96b4a5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f56455b0c2c7cc3b0c584815264461d07b177f903a04481dfc33e08a89f0c26b"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bca77a198bb6e69795ef2f09a5f4c12758487f83f33d63acde5f0d4919815768"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e083c285857b78ee21a96ba1eb1b5339733c3563f72980728ca2b08b53826ca5"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab40e6251c3873d86ea9b30a1ac6d7478c09277b32e14745d0d3c6e76e3c7e29"}, + {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:df822ee7feaaeffb99c1a9e5e608800bd8eda6e5f18f5cfb0dc7eeb2eaa6bbec"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:acef0899fea7492145d2bbaaaec7b345c87753168589cc7faf0afec9afe9b747"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cd73265a9e5ea618014802ab01babf1940cecb90c9762d8b9e7d2cc1e1969ec6"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:a78ed8a53a1221393d9637c01870248a6f4ea5b214a59a92a36f18151739452c"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:6b0e029353361f1746bac2e4cc19b32f972ec03f0f943b390c4ab3371840aabf"}, + {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7cf5c9458e1e90e3c390c2639f1017a0379a99a94fdfad3a1fd966a2874bba52"}, + {file = "aiohttp-3.9.3-cp310-cp310-win32.whl", hash = "sha256:3e59c23c52765951b69ec45ddbbc9403a8761ee6f57253250c6e1536cacc758b"}, + {file = "aiohttp-3.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:055ce4f74b82551678291473f66dc9fb9048a50d8324278751926ff0ae7715e5"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6b88f9386ff1ad91ace19d2a1c0225896e28815ee09fc6a8932fded8cda97c3d"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c46956ed82961e31557b6857a5ca153c67e5476972e5f7190015018760938da2"}, + {file = "aiohttp-3.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:07b837ef0d2f252f96009e9b8435ec1fef68ef8b1461933253d318748ec1acdc"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dad46e6f620574b3b4801c68255492e0159d1712271cc99d8bdf35f2043ec266"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ed3e046ea7b14938112ccd53d91c1539af3e6679b222f9469981e3dac7ba1ce"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:039df344b45ae0b34ac885ab5b53940b174530d4dd8a14ed8b0e2155b9dddccb"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7943c414d3a8d9235f5f15c22ace69787c140c80b718dcd57caaade95f7cd93b"}, + {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84871a243359bb42c12728f04d181a389718710129b36b6aad0fc4655a7647d4"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5eafe2c065df5401ba06821b9a054d9cb2848867f3c59801b5d07a0be3a380ae"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:9d3c9b50f19704552f23b4eaea1fc082fdd82c63429a6506446cbd8737823da3"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:f033d80bc6283092613882dfe40419c6a6a1527e04fc69350e87a9df02bbc283"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:2c895a656dd7e061b2fd6bb77d971cc38f2afc277229ce7dd3552de8313a483e"}, + {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1f5a71d25cd8106eab05f8704cd9167b6e5187bcdf8f090a66c6d88b634802b4"}, + {file = "aiohttp-3.9.3-cp311-cp311-win32.whl", hash = "sha256:50fca156d718f8ced687a373f9e140c1bb765ca16e3d6f4fe116e3df7c05b2c5"}, + {file = "aiohttp-3.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:5fe9ce6c09668063b8447f85d43b8d1c4e5d3d7e92c63173e6180b2ac5d46dd8"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:38a19bc3b686ad55804ae931012f78f7a534cce165d089a2059f658f6c91fa60"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:770d015888c2a598b377bd2f663adfd947d78c0124cfe7b959e1ef39f5b13869"}, + {file = "aiohttp-3.9.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ee43080e75fc92bf36219926c8e6de497f9b247301bbf88c5c7593d931426679"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:52df73f14ed99cee84865b95a3d9e044f226320a87af208f068ecc33e0c35b96"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc9b311743a78043b26ffaeeb9715dc360335e5517832f5a8e339f8a43581e4d"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b955ed993491f1a5da7f92e98d5dad3c1e14dc175f74517c4e610b1f2456fb11"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:504b6981675ace64c28bf4a05a508af5cde526e36492c98916127f5a02354d53"}, + {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a6fe5571784af92b6bc2fda8d1925cccdf24642d49546d3144948a6a1ed58ca5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ba39e9c8627edc56544c8628cc180d88605df3892beeb2b94c9bc857774848ca"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e5e46b578c0e9db71d04c4b506a2121c0cb371dd89af17a0586ff6769d4c58c1"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:938a9653e1e0c592053f815f7028e41a3062e902095e5a7dc84617c87267ebd5"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:c3452ea726c76e92f3b9fae4b34a151981a9ec0a4847a627c43d71a15ac32aa6"}, + {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ff30218887e62209942f91ac1be902cc80cddb86bf00fbc6783b7a43b2bea26f"}, + {file = "aiohttp-3.9.3-cp312-cp312-win32.whl", hash = "sha256:38f307b41e0bea3294a9a2a87833191e4bcf89bb0365e83a8be3a58b31fb7f38"}, + {file = "aiohttp-3.9.3-cp312-cp312-win_amd64.whl", hash = "sha256:b791a3143681a520c0a17e26ae7465f1b6f99461a28019d1a2f425236e6eedb5"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:0ed621426d961df79aa3b963ac7af0d40392956ffa9be022024cd16297b30c8c"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7f46acd6a194287b7e41e87957bfe2ad1ad88318d447caf5b090012f2c5bb528"}, + {file = "aiohttp-3.9.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:feeb18a801aacb098220e2c3eea59a512362eb408d4afd0c242044c33ad6d542"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f734e38fd8666f53da904c52a23ce517f1b07722118d750405af7e4123933511"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b40670ec7e2156d8e57f70aec34a7216407848dfe6c693ef131ddf6e76feb672"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fdd215b7b7fd4a53994f238d0f46b7ba4ac4c0adb12452beee724ddd0743ae5d"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:017a21b0df49039c8f46ca0971b3a7fdc1f56741ab1240cb90ca408049766168"}, + {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e99abf0bba688259a496f966211c49a514e65afa9b3073a1fcee08856e04425b"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:648056db9a9fa565d3fa851880f99f45e3f9a771dd3ff3bb0c048ea83fb28194"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:8aacb477dc26797ee089721536a292a664846489c49d3ef9725f992449eda5a8"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:522a11c934ea660ff8953eda090dcd2154d367dec1ae3c540aff9f8a5c109ab4"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:5bce0dc147ca85caa5d33debc4f4d65e8e8b5c97c7f9f660f215fa74fc49a321"}, + {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4b4af9f25b49a7be47c0972139e59ec0e8285c371049df1a63b6ca81fdd216a2"}, + {file = "aiohttp-3.9.3-cp38-cp38-win32.whl", hash = "sha256:298abd678033b8571995650ccee753d9458dfa0377be4dba91e4491da3f2be63"}, + {file = "aiohttp-3.9.3-cp38-cp38-win_amd64.whl", hash = "sha256:69361bfdca5468c0488d7017b9b1e5ce769d40b46a9f4a2eed26b78619e9396c"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:0fa43c32d1643f518491d9d3a730f85f5bbaedcbd7fbcae27435bb8b7a061b29"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:835a55b7ca49468aaaac0b217092dfdff370e6c215c9224c52f30daaa735c1c1"}, + {file = "aiohttp-3.9.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:06a9b2c8837d9a94fae16c6223acc14b4dfdff216ab9b7202e07a9a09541168f"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abf151955990d23f84205286938796c55ff11bbfb4ccfada8c9c83ae6b3c89a3"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59c26c95975f26e662ca78fdf543d4eeaef70e533a672b4113dd888bd2423caa"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f95511dd5d0e05fd9728bac4096319f80615aaef4acbecb35a990afebe953b0e"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:595f105710293e76b9dc09f52e0dd896bd064a79346234b521f6b968ffdd8e58"}, + {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7c8b816c2b5af5c8a436df44ca08258fc1a13b449393a91484225fcb7545533"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f1088fa100bf46e7b398ffd9904f4808a0612e1d966b4aa43baa535d1b6341eb"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f59dfe57bb1ec82ac0698ebfcdb7bcd0e99c255bd637ff613760d5f33e7c81b3"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:361a1026c9dd4aba0109e4040e2aecf9884f5cfe1b1b1bd3d09419c205e2e53d"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:363afe77cfcbe3a36353d8ea133e904b108feea505aa4792dad6585a8192c55a"}, + {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8e2c45c208c62e955e8256949eb225bd8b66a4c9b6865729a786f2aa79b72e9d"}, + {file = "aiohttp-3.9.3-cp39-cp39-win32.whl", hash = "sha256:f7217af2e14da0856e082e96ff637f14ae45c10a5714b63c77f26d8884cf1051"}, + {file = "aiohttp-3.9.3-cp39-cp39-win_amd64.whl", hash = "sha256:27468897f628c627230dba07ec65dc8d0db566923c48f29e084ce382119802bc"}, + {file = "aiohttp-3.9.3.tar.gz", hash = "sha256:90842933e5d1ff760fae6caca4b2b3edba53ba8f4b71e95dacf2818a2aca06f7"}, +] + +[package.dependencies] +aiosignal = ">=1.1.2" +attrs = ">=17.3.0" +frozenlist = ">=1.1.1" +multidict = ">=4.5,<7.0" +yarl = ">=1.0,<2.0" + +[package.extras] +speedups = ["Brotli", "aiodns", "brotlicffi"] + +[[package]] +name = "aiosignal" +version = "1.3.1" +description = "aiosignal: a list of registered asynchronous callbacks" +optional = false +python-versions = ">=3.7" +files = [ + {file = "aiosignal-1.3.1-py3-none-any.whl", hash = "sha256:f8376fb07dd1e86a584e4fcdec80b36b7f81aac666ebc724e2c090300dd83b17"}, + {file = "aiosignal-1.3.1.tar.gz", hash = "sha256:54cd96e15e1649b75d6c87526a6ff0b6c1b0dd3459f43d9ca11d48c339b68cfc"}, +] + +[package.dependencies] +frozenlist = ">=1.1.0" [[package]] name = "airbyte-cdk" @@ -93,13 +216,13 @@ files = [ [[package]] name = "cachetools" -version = "5.3.2" +version = "5.3.3" description = "Extensible memoizing collections and decorators" optional = false python-versions = ">=3.7" files = [ - {file = "cachetools-5.3.2-py3-none-any.whl", hash = "sha256:861f35a13a451f94e301ce2bec7cac63e881232ccce7ed67fab9b5df4d3beaa1"}, - {file = "cachetools-5.3.2.tar.gz", hash = "sha256:086ee420196f7b2ab9ca2db2520aca326318b68fe5ba8bc4d49cca91add450f2"}, + {file = "cachetools-5.3.3-py3-none-any.whl", hash = "sha256:0abad1021d3f8325b2fc1d2e9c8b9c9d57b04c3932657a72465447332c24d945"}, + {file = "cachetools-5.3.3.tar.gz", hash = "sha256:ba29e2dfa0b8b556606f097407ed1aa62080ee108ab0dc5ec9d6a723a007d105"}, ] [[package]] @@ -127,15 +250,79 @@ ujson = ["ujson (>=5.7.0)"] [[package]] name = "certifi" -version = "2023.11.17" +version = "2024.2.2" description = "Python package for providing Mozilla's CA Bundle." optional = false python-versions = ">=3.6" files = [ - {file = "certifi-2023.11.17-py3-none-any.whl", hash = "sha256:e036ab49d5b79556f99cfc2d9320b34cfbe5be05c5871b51de9329f0603b0474"}, - {file = "certifi-2023.11.17.tar.gz", hash = "sha256:9b469f3a900bf28dc19b8cfbf8019bf47f7fdd1a65a1d4ffb98fc14166beb4d1"}, + {file = "certifi-2024.2.2-py3-none-any.whl", hash = "sha256:dc383c07b76109f368f6106eee2b593b04a011ea4d55f652c6ca24a754d1cdd1"}, + {file = "certifi-2024.2.2.tar.gz", hash = "sha256:0569859f95fc761b18b45ef421b1290a0f65f147e92a1e5eb3e635f9a5e4e66f"}, ] +[[package]] +name = "cffi" +version = "1.16.0" +description = "Foreign Function Interface for Python calling C code." +optional = false +python-versions = ">=3.8" +files = [ + {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"}, + {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"}, + {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"}, + {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"}, + {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"}, + {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b84834d0cf97e7d27dd5b7f3aca7b6e9263c56308ab9dc8aae9784abb774d404"}, + {file = "cffi-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1b8ebc27c014c59692bb2664c7d13ce7a6e9a629be20e54e7271fa696ff2b417"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee07e47c12890ef248766a6e55bd38ebfb2bb8edd4142d56db91b21ea68b7627"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8a9d3ebe49f084ad71f9269834ceccbf398253c9fac910c4fd7053ff1386936"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e70f54f1796669ef691ca07d046cd81a29cb4deb1e5f942003f401c0c4a2695d"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5bf44d66cdf9e893637896c7faa22298baebcd18d1ddb6d2626a6e39793a1d56"}, + {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b78010e7b97fef4bee1e896df8a4bbb6712b7f05b7ef630f9d1da00f6444d2e"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c6a164aa47843fb1b01e941d385aab7215563bb8816d80ff3a363a9f8448a8dc"}, + {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e09f3ff613345df5e8c3667da1d918f9149bd623cd9070c983c013792a9a62eb"}, + {file = "cffi-1.16.0-cp311-cp311-win32.whl", hash = "sha256:2c56b361916f390cd758a57f2e16233eb4f64bcbeee88a4881ea90fca14dc6ab"}, + {file = "cffi-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:db8e577c19c0fda0beb7e0d4e09e0ba74b1e4c092e0e40bfa12fe05b6f6d75ba"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fa3a0128b152627161ce47201262d3140edb5a5c3da88d73a1b790a959126956"}, + {file = "cffi-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68e7c44931cc171c54ccb702482e9fc723192e88d25a0e133edd7aff8fcd1f6e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abd808f9c129ba2beda4cfc53bde801e5bcf9d6e0f22f095e45327c038bfe68e"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88e2b3c14bdb32e440be531ade29d3c50a1a59cd4e51b1dd8b0865c54ea5d2e2"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcc8eb6d5902bb1cf6dc4f187ee3ea80a1eba0a89aba40a5cb20a5087d961357"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7be2d771cdba2942e13215c4e340bfd76398e9227ad10402a8767ab1865d2e6"}, + {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e715596e683d2ce000574bae5d07bd522c781a822866c20495e52520564f0969"}, + {file = "cffi-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2d92b25dbf6cae33f65005baf472d2c245c050b1ce709cc4588cdcdd5495b520"}, + {file = "cffi-1.16.0-cp312-cp312-win32.whl", hash = "sha256:b2ca4e77f9f47c55c194982e10f058db063937845bb2b7a86c84a6cfe0aefa8b"}, + {file = "cffi-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:68678abf380b42ce21a5f2abde8efee05c114c2fdb2e9eef2efdb0257fba1235"}, + {file = "cffi-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0c9ef6ff37e974b73c25eecc13952c55bceed9112be2d9d938ded8e856138bcc"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a09582f178759ee8128d9270cd1344154fd473bb77d94ce0aeb2a93ebf0feaf0"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e760191dd42581e023a68b758769e2da259b5d52e3103c6060ddc02c9edb8d7b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80876338e19c951fdfed6198e70bc88f1c9758b94578d5a7c4c91a87af3cf31c"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a6a14b17d7e17fa0d207ac08642c8820f84f25ce17a442fd15e27ea18d67c59b"}, + {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6602bc8dc6f3a9e02b6c22c4fc1e47aa50f8f8e6d3f78a5e16ac33ef5fefa324"}, + {file = "cffi-1.16.0-cp38-cp38-win32.whl", hash = "sha256:131fd094d1065b19540c3d72594260f118b231090295d8c34e19a7bbcf2e860a"}, + {file = "cffi-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:31d13b0f99e0836b7ff893d37af07366ebc90b678b6664c955b54561fc36ef36"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:582215a0e9adbe0e379761260553ba11c58943e4bbe9c36430c4ca6ac74b15ed"}, + {file = "cffi-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b29ebffcf550f9da55bec9e02ad430c992a87e5f512cd63388abb76f1036d8d2"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc9b18bf40cc75f66f40a7379f6a9513244fe33c0e8aa72e2d56b0196a7ef872"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb4a35b3642fc5c005a6755a5d17c6c8b6bcb6981baf81cea8bfbc8903e8ba8"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b86851a328eedc692acf81fb05444bdf1891747c25af7529e39ddafaf68a4f3f"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c0f31130ebc2d37cdd8e44605fb5fa7ad59049298b3f745c74fa74c62fbfcfc4"}, + {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f8e709127c6c77446a8c0a8c8bf3c8ee706a06cd44b1e827c3e6a2ee6b8c098"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:748dcd1e3d3d7cd5443ef03ce8685043294ad6bd7c02a38d1bd367cfd968e000"}, + {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8895613bcc094d4a1b2dbe179d88d7fb4a15cee43c052e8885783fac397d91fe"}, + {file = "cffi-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed86a35631f7bfbb28e108dd96773b9d5a6ce4811cf6ea468bb6a359b256b1e4"}, + {file = "cffi-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:3686dffb02459559c74dd3d81748269ffb0eb027c39a6fc99502de37d501faa8"}, + {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"}, +] + +[package.dependencies] +pycparser = "*" + [[package]] name = "charset-normalizer" version = "3.3.2" @@ -246,6 +433,37 @@ files = [ {file = "colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44"}, ] +[[package]] +name = "debugpy" +version = "1.8.1" +description = "An implementation of the Debug Adapter Protocol for Python" +optional = false +python-versions = ">=3.8" +files = [ + {file = "debugpy-1.8.1-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:3bda0f1e943d386cc7a0e71bfa59f4137909e2ed947fb3946c506e113000f741"}, + {file = "debugpy-1.8.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dda73bf69ea479c8577a0448f8c707691152e6c4de7f0c4dec5a4bc11dee516e"}, + {file = "debugpy-1.8.1-cp310-cp310-win32.whl", hash = "sha256:3a79c6f62adef994b2dbe9fc2cc9cc3864a23575b6e387339ab739873bea53d0"}, + {file = "debugpy-1.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:7eb7bd2b56ea3bedb009616d9e2f64aab8fc7000d481faec3cd26c98a964bcdd"}, + {file = "debugpy-1.8.1-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:016a9fcfc2c6b57f939673c874310d8581d51a0fe0858e7fac4e240c5eb743cb"}, + {file = "debugpy-1.8.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd97ed11a4c7f6d042d320ce03d83b20c3fb40da892f994bc041bbc415d7a099"}, + {file = "debugpy-1.8.1-cp311-cp311-win32.whl", hash = "sha256:0de56aba8249c28a300bdb0672a9b94785074eb82eb672db66c8144fff673146"}, + {file = "debugpy-1.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:1a9fe0829c2b854757b4fd0a338d93bc17249a3bf69ecf765c61d4c522bb92a8"}, + {file = "debugpy-1.8.1-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:3ebb70ba1a6524d19fa7bb122f44b74170c447d5746a503e36adc244a20ac539"}, + {file = "debugpy-1.8.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2e658a9630f27534e63922ebf655a6ab60c370f4d2fc5c02a5b19baf4410ace"}, + {file = "debugpy-1.8.1-cp312-cp312-win32.whl", hash = "sha256:caad2846e21188797a1f17fc09c31b84c7c3c23baf2516fed5b40b378515bbf0"}, + {file = "debugpy-1.8.1-cp312-cp312-win_amd64.whl", hash = "sha256:edcc9f58ec0fd121a25bc950d4578df47428d72e1a0d66c07403b04eb93bcf98"}, + {file = "debugpy-1.8.1-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:7a3afa222f6fd3d9dfecd52729bc2e12c93e22a7491405a0ecbf9e1d32d45b39"}, + {file = "debugpy-1.8.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d915a18f0597ef685e88bb35e5d7ab968964b7befefe1aaea1eb5b2640b586c7"}, + {file = "debugpy-1.8.1-cp38-cp38-win32.whl", hash = "sha256:92116039b5500633cc8d44ecc187abe2dfa9b90f7a82bbf81d079fcdd506bae9"}, + {file = "debugpy-1.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:e38beb7992b5afd9d5244e96ad5fa9135e94993b0c551ceebf3fe1a5d9beb234"}, + {file = "debugpy-1.8.1-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:bfb20cb57486c8e4793d41996652e5a6a885b4d9175dd369045dad59eaacea42"}, + {file = "debugpy-1.8.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:efd3fdd3f67a7e576dd869c184c5dd71d9aaa36ded271939da352880c012e703"}, + {file = "debugpy-1.8.1-cp39-cp39-win32.whl", hash = "sha256:58911e8521ca0c785ac7a0539f1e77e0ce2df753f786188f382229278b4cdf23"}, + {file = "debugpy-1.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:6df9aa9599eb05ca179fb0b810282255202a66835c6efb1d112d21ecb830ddd3"}, + {file = "debugpy-1.8.1-py2.py3-none-any.whl", hash = "sha256:28acbe2241222b87e255260c76741e1fbf04fdc3b6d094fcf57b6c6f75ce1242"}, + {file = "debugpy-1.8.1.zip", hash = "sha256:f696d6be15be87aef621917585f9bb94b1dc9e8aced570db1b8a6fc14e8f9b42"}, +] + [[package]] name = "deprecated" version = "1.2.14" @@ -275,25 +493,110 @@ files = [ ] [[package]] -name = "flow-sdk" -version = "0.1.5-alpha.12" -description = "" +name = "estuary-cdk" +version = "0.2.0" +description = "Estuary Connector Development Kit" optional = false -python-versions = "<3.12,>=3.11" +python-versions = "^3.11" files = [] develop = true [package.dependencies] -jsonlines = "^4.0.0" -mypy = "^1.5" -orjson = "^3.9.7" -pytest = "^7.4.3" -requests = "^2.31.0" -types-requests = "^2.31" +aiodns = "^3.1.1" +aiohttp = "^3.9.3" +orjson = "^3.9.15" +pydantic = ">1.10,<3" +xxhash = "^3.4.1" [package.source] type = "directory" -url = "../python" +url = "../estuary-cdk" + +[[package]] +name = "frozenlist" +version = "1.4.1" +description = "A list-like structure which implements collections.abc.MutableSequence" +optional = false +python-versions = ">=3.8" +files = [ + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f9aa1878d1083b276b0196f2dfbe00c9b7e752475ed3b682025ff20c1c1f51ac"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:29acab3f66f0f24674b7dc4736477bcd4bc3ad4b896f5f45379a67bce8b96868"}, + {file = "frozenlist-1.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:74fb4bee6880b529a0c6560885fce4dc95936920f9f20f53d99a213f7bf66776"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:590344787a90ae57d62511dd7c736ed56b428f04cd8c161fcc5e7232c130c69a"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:068b63f23b17df8569b7fdca5517edef76171cf3897eb68beb01341131fbd2ad"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c849d495bf5154cd8da18a9eb15db127d4dba2968d88831aff6f0331ea9bd4c"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9750cc7fe1ae3b1611bb8cfc3f9ec11d532244235d75901fb6b8e42ce9229dfe"}, + {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9b2de4cf0cdd5bd2dee4c4f63a653c61d2408055ab77b151c1957f221cabf2a"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0633c8d5337cb5c77acbccc6357ac49a1770b8c487e5b3505c57b949b4b82e98"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:27657df69e8801be6c3638054e202a135c7f299267f1a55ed3a598934f6c0d75"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:f9a3ea26252bd92f570600098783d1371354d89d5f6b7dfd87359d669f2109b5"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4f57dab5fe3407b6c0c1cc907ac98e8a189f9e418f3b6e54d65a718aaafe3950"}, + {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e02a0e11cf6597299b9f3bbd3f93d79217cb90cfd1411aec33848b13f5c656cc"}, + {file = "frozenlist-1.4.1-cp310-cp310-win32.whl", hash = "sha256:a828c57f00f729620a442881cc60e57cfcec6842ba38e1b19fd3e47ac0ff8dc1"}, + {file = "frozenlist-1.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:f56e2333dda1fe0f909e7cc59f021eba0d2307bc6f012a1ccf2beca6ba362439"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a0cb6f11204443f27a1628b0e460f37fb30f624be6051d490fa7d7e26d4af3d0"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b46c8ae3a8f1f41a0d2ef350c0b6e65822d80772fe46b653ab6b6274f61d4a49"}, + {file = "frozenlist-1.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fde5bd59ab5357e3853313127f4d3565fc7dad314a74d7b5d43c22c6a5ed2ced"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:722e1124aec435320ae01ee3ac7bec11a5d47f25d0ed6328f2273d287bc3abb0"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2471c201b70d58a0f0c1f91261542a03d9a5e088ed3dc6c160d614c01649c106"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c757a9dd70d72b076d6f68efdbb9bc943665ae954dad2801b874c8c69e185068"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f146e0911cb2f1da549fc58fc7bcd2b836a44b79ef871980d605ec392ff6b0d2"}, + {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f9c515e7914626b2a2e1e311794b4c35720a0be87af52b79ff8e1429fc25f19"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c302220494f5c1ebeb0912ea782bcd5e2f8308037b3c7553fad0e48ebad6ad82"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:442acde1e068288a4ba7acfe05f5f343e19fac87bfc96d89eb886b0363e977ec"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:1b280e6507ea8a4fa0c0a7150b4e526a8d113989e28eaaef946cc77ffd7efc0a"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:fe1a06da377e3a1062ae5fe0926e12b84eceb8a50b350ddca72dc85015873f74"}, + {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:db9e724bebd621d9beca794f2a4ff1d26eed5965b004a97f1f1685a173b869c2"}, + {file = "frozenlist-1.4.1-cp311-cp311-win32.whl", hash = "sha256:e774d53b1a477a67838a904131c4b0eef6b3d8a651f8b138b04f748fccfefe17"}, + {file = "frozenlist-1.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:fb3c2db03683b5767dedb5769b8a40ebb47d6f7f45b1b3e3b4b51ec8ad9d9825"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1979bc0aeb89b33b588c51c54ab0161791149f2461ea7c7c946d95d5f93b56ae"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cc7b01b3754ea68a62bd77ce6020afaffb44a590c2289089289363472d13aedb"}, + {file = "frozenlist-1.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9c92be9fd329ac801cc420e08452b70e7aeab94ea4233a4804f0915c14eba9b"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c3894db91f5a489fc8fa6a9991820f368f0b3cbdb9cd8849547ccfab3392d86"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ba60bb19387e13597fb059f32cd4d59445d7b18b69a745b8f8e5db0346f33480"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8aefbba5f69d42246543407ed2461db31006b0f76c4e32dfd6f42215a2c41d09"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:780d3a35680ced9ce682fbcf4cb9c2bad3136eeff760ab33707b71db84664e3a"}, + {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9acbb16f06fe7f52f441bb6f413ebae6c37baa6ef9edd49cdd567216da8600cd"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:23b701e65c7b36e4bf15546a89279bd4d8675faabc287d06bbcfac7d3c33e1e6"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:3e0153a805a98f5ada7e09826255ba99fb4f7524bb81bf6b47fb702666484ae1"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:dd9b1baec094d91bf36ec729445f7769d0d0cf6b64d04d86e45baf89e2b9059b"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:1a4471094e146b6790f61b98616ab8e44f72661879cc63fa1049d13ef711e71e"}, + {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5667ed53d68d91920defdf4035d1cdaa3c3121dc0b113255124bcfada1cfa1b8"}, + {file = "frozenlist-1.4.1-cp312-cp312-win32.whl", hash = "sha256:beee944ae828747fd7cb216a70f120767fc9f4f00bacae8543c14a6831673f89"}, + {file = "frozenlist-1.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:64536573d0a2cb6e625cf309984e2d873979709f2cf22839bf2d61790b448ad5"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:20b51fa3f588ff2fe658663db52a41a4f7aa6c04f6201449c6c7c476bd255c0d"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:410478a0c562d1a5bcc2f7ea448359fcb050ed48b3c6f6f4f18c313a9bdb1826"}, + {file = "frozenlist-1.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c6321c9efe29975232da3bd0af0ad216800a47e93d763ce64f291917a381b8eb"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48f6a4533887e189dae092f1cf981f2e3885175f7a0f33c91fb5b7b682b6bab6"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6eb73fa5426ea69ee0e012fb59cdc76a15b1283d6e32e4f8dc4482ec67d1194d"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fbeb989b5cc29e8daf7f976b421c220f1b8c731cbf22b9130d8815418ea45887"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:32453c1de775c889eb4e22f1197fe3bdfe457d16476ea407472b9442e6295f7a"}, + {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:693945278a31f2086d9bf3df0fe8254bbeaef1fe71e1351c3bd730aa7d31c41b"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:1d0ce09d36d53bbbe566fe296965b23b961764c0bcf3ce2fa45f463745c04701"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:3a670dc61eb0d0eb7080890c13de3066790f9049b47b0de04007090807c776b0"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:dca69045298ce5c11fd539682cff879cc1e664c245d1c64da929813e54241d11"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a06339f38e9ed3a64e4c4e43aec7f59084033647f908e4259d279a52d3757d09"}, + {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b7f2f9f912dca3934c1baec2e4585a674ef16fe00218d833856408c48d5beee7"}, + {file = "frozenlist-1.4.1-cp38-cp38-win32.whl", hash = "sha256:e7004be74cbb7d9f34553a5ce5fb08be14fb33bc86f332fb71cbe5216362a497"}, + {file = "frozenlist-1.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:5a7d70357e7cee13f470c7883a063aae5fe209a493c57d86eb7f5a6f910fae09"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bfa4a17e17ce9abf47a74ae02f32d014c5e9404b6d9ac7f729e01562bbee601e"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:b7e3ed87d4138356775346e6845cccbe66cd9e207f3cd11d2f0b9fd13681359d"}, + {file = "frozenlist-1.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c99169d4ff810155ca50b4da3b075cbde79752443117d89429595c2e8e37fed8"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:edb678da49d9f72c9f6c609fbe41a5dfb9a9282f9e6a2253d5a91e0fc382d7c0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6db4667b187a6742b33afbbaf05a7bc551ffcf1ced0000a571aedbb4aa42fc7b"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55fdc093b5a3cb41d420884cdaf37a1e74c3c37a31f46e66286d9145d2063bd0"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82e8211d69a4f4bc360ea22cd6555f8e61a1bd211d1d5d39d3d228b48c83a897"}, + {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89aa2c2eeb20957be2d950b85974b30a01a762f3308cd02bb15e1ad632e22dc7"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d3e0c25a2350080e9319724dede4f31f43a6c9779be48021a7f4ebde8b2d742"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7268252af60904bf52c26173cbadc3a071cece75f873705419c8681f24d3edea"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:0c250a29735d4f15321007fb02865f0e6b6a41a6b88f1f523ca1596ab5f50bd5"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:96ec70beabbd3b10e8bfe52616a13561e58fe84c0101dd031dc78f250d5128b9"}, + {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:23b2d7679b73fe0e5a4560b672a39f98dfc6f60df63823b0a9970525325b95f6"}, + {file = "frozenlist-1.4.1-cp39-cp39-win32.whl", hash = "sha256:a7496bfe1da7fb1a4e1cc23bb67c58fab69311cc7d32b5a99c2007b4b2a0e932"}, + {file = "frozenlist-1.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:e6a20a581f9ce92d389a8c7d7c3dd47c81fd5d6e655c8dddf341e14aa48659d0"}, + {file = "frozenlist-1.4.1-py3-none-any.whl", hash = "sha256:04ced3e6a46b4cfffe20f9ae482818e34eba9b5fb0ce4056e4cc9b6e212d09b7"}, + {file = "frozenlist-1.4.1.tar.gz", hash = "sha256:c037a86e8513059a2613aaba4d817bb90b9d9b6b69aace3ce9c877e8c8ed402b"}, +] [[package]] name = "genson" @@ -358,20 +661,6 @@ MarkupSafe = ">=2.0" [package.extras] i18n = ["Babel (>=2.7)"] -[[package]] -name = "jsonlines" -version = "4.0.0" -description = "Library with helpers for the jsonlines file format" -optional = false -python-versions = ">=3.8" -files = [ - {file = "jsonlines-4.0.0-py3-none-any.whl", hash = "sha256:185b334ff2ca5a91362993f42e83588a360cf95ce4b71a73548502bda52a7c55"}, - {file = "jsonlines-4.0.0.tar.gz", hash = "sha256:0c6d2c09117550c089995247f605ae4cf77dd1533041d366351f6f298822ea74"}, -] - -[package.dependencies] -attrs = ">=19.2.0" - [[package]] name = "jsonref" version = "0.3.0" @@ -406,71 +695,170 @@ format-nongpl = ["idna", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3986-va [[package]] name = "markupsafe" -version = "2.1.3" +version = "2.1.5" description = "Safely add untrusted strings to HTML/XML markup." optional = false python-versions = ">=3.7" files = [ - {file = "MarkupSafe-2.1.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:cd0f502fe016460680cd20aaa5a76d241d6f35a1c3350c474bac1273803893fa"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e09031c87a1e51556fdcb46e5bd4f59dfb743061cf93c4d6831bf894f125eb57"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:68e78619a61ecf91e76aa3e6e8e33fc4894a2bebe93410754bd28fce0a8a4f9f"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:65c1a9bcdadc6c28eecee2c119465aebff8f7a584dd719facdd9e825ec61ab52"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:525808b8019e36eb524b8c68acdd63a37e75714eac50e988180b169d64480a00"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:962f82a3086483f5e5f64dbad880d31038b698494799b097bc59c2edf392fce6"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:aa7bd130efab1c280bed0f45501b7c8795f9fdbeb02e965371bbef3523627779"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c9c804664ebe8f83a211cace637506669e7890fec1b4195b505c214e50dd4eb7"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-win32.whl", hash = "sha256:10bbfe99883db80bdbaff2dcf681dfc6533a614f700da1287707e8a5d78a8431"}, - {file = "MarkupSafe-2.1.3-cp310-cp310-win_amd64.whl", hash = "sha256:1577735524cdad32f9f694208aa75e422adba74f1baee7551620e43a3141f559"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:ad9e82fb8f09ade1c3e1b996a6337afac2b8b9e365f926f5a61aacc71adc5b3c"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3c0fae6c3be832a0a0473ac912810b2877c8cb9d76ca48de1ed31e1c68386575"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b076b6226fb84157e3f7c971a47ff3a679d837cf338547532ab866c57930dbee"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bfce63a9e7834b12b87c64d6b155fdd9b3b96191b6bd334bf37db7ff1fe457f2"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:338ae27d6b8745585f87218a3f23f1512dbf52c26c28e322dbe54bcede54ccb9"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e4dd52d80b8c83fdce44e12478ad2e85c64ea965e75d66dbeafb0a3e77308fcc"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:df0be2b576a7abbf737b1575f048c23fb1d769f267ec4358296f31c2479db8f9"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:5bbe06f8eeafd38e5d0a4894ffec89378b6c6a625ff57e3028921f8ff59318ac"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-win32.whl", hash = "sha256:dd15ff04ffd7e05ffcb7fe79f1b98041b8ea30ae9234aed2a9168b5797c3effb"}, - {file = "MarkupSafe-2.1.3-cp311-cp311-win_amd64.whl", hash = "sha256:134da1eca9ec0ae528110ccc9e48041e0828d79f24121a1a146161103c76e686"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:f698de3fd0c4e6972b92290a45bd9b1536bffe8c6759c62471efaa8acb4c37bc"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:aa57bd9cf8ae831a362185ee444e15a93ecb2e344c8e52e4d721ea3ab6ef1823"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ffcc3f7c66b5f5b7931a5aa68fc9cecc51e685ef90282f4a82f0f5e9b704ad11"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:47d4f1c5f80fc62fdd7777d0d40a2e9dda0a05883ab11374334f6c4de38adffd"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1f67c7038d560d92149c060157d623c542173016c4babc0c1913cca0564b9939"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:9aad3c1755095ce347e26488214ef77e0485a3c34a50c5a5e2471dff60b9dd9c"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:14ff806850827afd6b07a5f32bd917fb7f45b046ba40c57abdb636674a8b559c"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8f9293864fe09b8149f0cc42ce56e3f0e54de883a9de90cd427f191c346eb2e1"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-win32.whl", hash = "sha256:715d3562f79d540f251b99ebd6d8baa547118974341db04f5ad06d5ea3eb8007"}, - {file = "MarkupSafe-2.1.3-cp312-cp312-win_amd64.whl", hash = "sha256:1b8dd8c3fd14349433c79fa8abeb573a55fc0fdd769133baac1f5e07abf54aeb"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:8e254ae696c88d98da6555f5ace2279cf7cd5b3f52be2b5cf97feafe883b58d2"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cb0932dc158471523c9637e807d9bfb93e06a95cbf010f1a38b98623b929ef2b"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9402b03f1a1b4dc4c19845e5c749e3ab82d5078d16a2a4c2cd2df62d57bb0707"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ca379055a47383d02a5400cb0d110cef0a776fc644cda797db0c5696cfd7e18e"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:b7ff0f54cb4ff66dd38bebd335a38e2c22c41a8ee45aa608efc890ac3e3931bc"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:c011a4149cfbcf9f03994ec2edffcb8b1dc2d2aede7ca243746df97a5d41ce48"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:56d9f2ecac662ca1611d183feb03a3fa4406469dafe241673d521dd5ae92a155"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-win32.whl", hash = "sha256:8758846a7e80910096950b67071243da3e5a20ed2546e6392603c096778d48e0"}, - {file = "MarkupSafe-2.1.3-cp37-cp37m-win_amd64.whl", hash = "sha256:787003c0ddb00500e49a10f2844fac87aa6ce977b90b0feaaf9de23c22508b24"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:2ef12179d3a291be237280175b542c07a36e7f60718296278d8593d21ca937d4"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2c1b19b3aaacc6e57b7e25710ff571c24d6c3613a45e905b1fde04d691b98ee0"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8afafd99945ead6e075b973fefa56379c5b5c53fd8937dad92c662da5d8fd5ee"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8c41976a29d078bb235fea9b2ecd3da465df42a562910f9022f1a03107bd02be"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d080e0a5eb2529460b30190fcfcc4199bd7f827663f858a226a81bc27beaa97e"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:69c0f17e9f5a7afdf2cc9fb2d1ce6aabdb3bafb7f38017c0b77862bcec2bbad8"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:504b320cd4b7eff6f968eddf81127112db685e81f7e36e75f9f84f0df46041c3"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:42de32b22b6b804f42c5d98be4f7e5e977ecdd9ee9b660fda1a3edf03b11792d"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-win32.whl", hash = "sha256:ceb01949af7121f9fc39f7d27f91be8546f3fb112c608bc4029aef0bab86a2a5"}, - {file = "MarkupSafe-2.1.3-cp38-cp38-win_amd64.whl", hash = "sha256:1b40069d487e7edb2676d3fbdb2b0829ffa2cd63a2ec26c4938b2d34391b4ecc"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:8023faf4e01efadfa183e863fefde0046de576c6f14659e8782065bcece22198"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6b2b56950d93e41f33b4223ead100ea0fe11f8e6ee5f641eb753ce4b77a7042b"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9dcdfd0eaf283af041973bff14a2e143b8bd64e069f4c383416ecd79a81aab58"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:05fb21170423db021895e1ea1e1f3ab3adb85d1c2333cbc2310f2a26bc77272e"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:282c2cb35b5b673bbcadb33a585408104df04f14b2d9b01d4c345a3b92861c2c"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:ab4a0df41e7c16a1392727727e7998a467472d0ad65f3ad5e6e765015df08636"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7ef3cb2ebbf91e330e3bb937efada0edd9003683db6b57bb108c4001f37a02ea"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:0a4e4a1aff6c7ac4cd55792abf96c915634c2b97e3cc1c7129578aa68ebd754e"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-win32.whl", hash = "sha256:fec21693218efe39aa7f8599346e90c705afa52c5b31ae019b2e57e8f6542bb2"}, - {file = "MarkupSafe-2.1.3-cp39-cp39-win_amd64.whl", hash = "sha256:3fd4abcb888d15a94f32b75d8fd18ee162ca0c064f35b11134be77050296d6ba"}, - {file = "MarkupSafe-2.1.3.tar.gz", hash = "sha256:af598ed32d6ae86f1b747b82783958b1a4ab8f617b06fe68795c7f026abbdcad"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a17a92de5231666cfbe003f0e4b9b3a7ae3afb1ec2845aadc2bacc93ff85febc"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:72b6be590cc35924b02c78ef34b467da4ba07e4e0f0454a2c5907f473fc50ce5"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e61659ba32cf2cf1481e575d0462554625196a1f2fc06a1c777d3f48e8865d46"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2174c595a0d73a3080ca3257b40096db99799265e1c27cc5a610743acd86d62f"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ae2ad8ae6ebee9d2d94b17fb62763125f3f374c25618198f40cbb8b525411900"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:075202fa5b72c86ad32dc7d0b56024ebdbcf2048c0ba09f1cde31bfdd57bcfff"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:598e3276b64aff0e7b3451b72e94fa3c238d452e7ddcd893c3ab324717456bad"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fce659a462a1be54d2ffcacea5e3ba2d74daa74f30f5f143fe0c58636e355fdd"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-win32.whl", hash = "sha256:d9fad5155d72433c921b782e58892377c44bd6252b5af2f67f16b194987338a4"}, + {file = "MarkupSafe-2.1.5-cp310-cp310-win_amd64.whl", hash = "sha256:bf50cd79a75d181c9181df03572cdce0fbb75cc353bc350712073108cba98de5"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:629ddd2ca402ae6dbedfceeba9c46d5f7b2a61d9749597d4307f943ef198fc1f"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5b7b716f97b52c5a14bffdf688f971b2d5ef4029127f1ad7a513973cfd818df2"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6ec585f69cec0aa07d945b20805be741395e28ac1627333b1c5b0105962ffced"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b91c037585eba9095565a3556f611e3cbfaa42ca1e865f7b8015fe5c7336d5a5"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7502934a33b54030eaf1194c21c692a534196063db72176b0c4028e140f8f32c"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0e397ac966fdf721b2c528cf028494e86172b4feba51d65f81ffd65c63798f3f"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c061bb86a71b42465156a3ee7bd58c8c2ceacdbeb95d05a99893e08b8467359a"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:3a57fdd7ce31c7ff06cdfbf31dafa96cc533c21e443d57f5b1ecc6cdc668ec7f"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-win32.whl", hash = "sha256:397081c1a0bfb5124355710fe79478cdbeb39626492b15d399526ae53422b906"}, + {file = "MarkupSafe-2.1.5-cp311-cp311-win_amd64.whl", hash = "sha256:2b7c57a4dfc4f16f7142221afe5ba4e093e09e728ca65c51f5620c9aaeb9a617"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:8dec4936e9c3100156f8a2dc89c4b88d5c435175ff03413b443469c7c8c5f4d1"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:3c6b973f22eb18a789b1460b4b91bf04ae3f0c4234a0a6aa6b0a92f6f7b951d4"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ac07bad82163452a6884fe8fa0963fb98c2346ba78d779ec06bd7a6262132aee"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f5dfb42c4604dddc8e4305050aa6deb084540643ed5804d7455b5df8fe16f5e5"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ea3d8a3d18833cf4304cd2fc9cbb1efe188ca9b5efef2bdac7adc20594a0e46b"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:d050b3361367a06d752db6ead6e7edeb0009be66bc3bae0ee9d97fb326badc2a"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:bec0a414d016ac1a18862a519e54b2fd0fc8bbfd6890376898a6c0891dd82e9f"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:58c98fee265677f63a4385256a6d7683ab1832f3ddd1e66fe948d5880c21a169"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-win32.whl", hash = "sha256:8590b4ae07a35970728874632fed7bd57b26b0102df2d2b233b6d9d82f6c62ad"}, + {file = "MarkupSafe-2.1.5-cp312-cp312-win_amd64.whl", hash = "sha256:823b65d8706e32ad2df51ed89496147a42a2a6e01c13cfb6ffb8b1e92bc910bb"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:c8b29db45f8fe46ad280a7294f5c3ec36dbac9491f2d1c17345be8e69cc5928f"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ec6a563cff360b50eed26f13adc43e61bc0c04d94b8be985e6fb24b81f6dcfdf"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a549b9c31bec33820e885335b451286e2969a2d9e24879f83fe904a5ce59d70a"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4f11aa001c540f62c6166c7726f71f7573b52c68c31f014c25cc7901deea0b52"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:7b2e5a267c855eea6b4283940daa6e88a285f5f2a67f2220203786dfa59b37e9"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:2d2d793e36e230fd32babe143b04cec8a8b3eb8a3122d2aceb4a371e6b09b8df"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:ce409136744f6521e39fd8e2a24c53fa18ad67aa5bc7c2cf83645cce5b5c4e50"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-win32.whl", hash = "sha256:4096e9de5c6fdf43fb4f04c26fb114f61ef0bf2e5604b6ee3019d51b69e8c371"}, + {file = "MarkupSafe-2.1.5-cp37-cp37m-win_amd64.whl", hash = "sha256:4275d846e41ecefa46e2015117a9f491e57a71ddd59bbead77e904dc02b1bed2"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:656f7526c69fac7f600bd1f400991cc282b417d17539a1b228617081106feb4a"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:97cafb1f3cbcd3fd2b6fbfb99ae11cdb14deea0736fc2b0952ee177f2b813a46"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f3fbcb7ef1f16e48246f704ab79d79da8a46891e2da03f8783a5b6fa41a9532"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fa9db3f79de01457b03d4f01b34cf91bc0048eb2c3846ff26f66687c2f6d16ab"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ffee1f21e5ef0d712f9033568f8344d5da8cc2869dbd08d87c84656e6a2d2f68"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5dedb4db619ba5a2787a94d877bc8ffc0566f92a01c0ef214865e54ecc9ee5e0"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:30b600cf0a7ac9234b2638fbc0fb6158ba5bdcdf46aeb631ead21248b9affbc4"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8dd717634f5a044f860435c1d8c16a270ddf0ef8588d4887037c5028b859b0c3"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-win32.whl", hash = "sha256:daa4ee5a243f0f20d528d939d06670a298dd39b1ad5f8a72a4275124a7819eff"}, + {file = "MarkupSafe-2.1.5-cp38-cp38-win_amd64.whl", hash = "sha256:619bc166c4f2de5caa5a633b8b7326fbe98e0ccbfacabd87268a2b15ff73a029"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7a68b554d356a91cce1236aa7682dc01df0edba8d043fd1ce607c49dd3c1edcf"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:db0b55e0f3cc0be60c1f19efdde9a637c32740486004f20d1cff53c3c0ece4d2"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e53af139f8579a6d5f7b76549125f0d94d7e630761a2111bc431fd820e163b8"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17b950fccb810b3293638215058e432159d2b71005c74371d784862b7e4683f3"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c31f53cdae6ecfa91a77820e8b151dba54ab528ba65dfd235c80b086d68a465"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:bff1b4290a66b490a2f4719358c0cdcd9bafb6b8f061e45c7a2460866bf50c2e"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:bc1667f8b83f48511b94671e0e441401371dfd0f0a795c7daa4a3cd1dde55bea"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5049256f536511ee3f7e1b3f87d1d1209d327e818e6ae1365e8653d7e3abb6a6"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-win32.whl", hash = "sha256:00e046b6dd71aa03a41079792f8473dc494d564611a8f89bbbd7cb93295ebdcf"}, + {file = "MarkupSafe-2.1.5-cp39-cp39-win_amd64.whl", hash = "sha256:fa173ec60341d6bb97a89f5ea19c85c5643c1e7dedebc22f5181eb73573142c5"}, + {file = "MarkupSafe-2.1.5.tar.gz", hash = "sha256:d283d37a890ba4c1ae73ffadf8046435c76e7bc2247bbb63c00bd1a709c6544b"}, +] + +[[package]] +name = "multidict" +version = "6.0.5" +description = "multidict implementation" +optional = false +python-versions = ">=3.7" +files = [ + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:228b644ae063c10e7f324ab1ab6b548bdf6f8b47f3ec234fef1093bc2735e5f9"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:896ebdcf62683551312c30e20614305f53125750803b614e9e6ce74a96232604"}, + {file = "multidict-6.0.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:411bf8515f3be9813d06004cac41ccf7d1cd46dfe233705933dd163b60e37600"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d147090048129ce3c453f0292e7697d333db95e52616b3793922945804a433c"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:215ed703caf15f578dca76ee6f6b21b7603791ae090fbf1ef9d865571039ade5"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c6390cf87ff6234643428991b7359b5f59cc15155695deb4eda5c777d2b880f"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21fd81c4ebdb4f214161be351eb5bcf385426bf023041da2fd9e60681f3cebae"}, + {file = "multidict-6.0.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3cc2ad10255f903656017363cd59436f2111443a76f996584d1077e43ee51182"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6939c95381e003f54cd4c5516740faba40cf5ad3eeff460c3ad1d3e0ea2549bf"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:220dd781e3f7af2c2c1053da9fa96d9cf3072ca58f057f4c5adaaa1cab8fc442"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:766c8f7511df26d9f11cd3a8be623e59cca73d44643abab3f8c8c07620524e4a"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:fe5d7785250541f7f5019ab9cba2c71169dc7d74d0f45253f8313f436458a4ef"}, + {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c1c1496e73051918fcd4f58ff2e0f2f3066d1c76a0c6aeffd9b45d53243702cc"}, + {file = "multidict-6.0.5-cp310-cp310-win32.whl", hash = "sha256:7afcdd1fc07befad18ec4523a782cde4e93e0a2bf71239894b8d61ee578c1319"}, + {file = "multidict-6.0.5-cp310-cp310-win_amd64.whl", hash = "sha256:99f60d34c048c5c2fabc766108c103612344c46e35d4ed9ae0673d33c8fb26e8"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f285e862d2f153a70586579c15c44656f888806ed0e5b56b64489afe4a2dbfba"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:53689bb4e102200a4fafa9de9c7c3c212ab40a7ab2c8e474491914d2305f187e"}, + {file = "multidict-6.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:612d1156111ae11d14afaf3a0669ebf6c170dbb735e510a7438ffe2369a847fd"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7be7047bd08accdb7487737631d25735c9a04327911de89ff1b26b81745bd4e3"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de170c7b4fe6859beb8926e84f7d7d6c693dfe8e27372ce3b76f01c46e489fcf"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04bde7a7b3de05732a4eb39c94574db1ec99abb56162d6c520ad26f83267de29"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85f67aed7bb647f93e7520633d8f51d3cbc6ab96957c71272b286b2f30dc70ed"}, + {file = "multidict-6.0.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:425bf820055005bfc8aa9a0b99ccb52cc2f4070153e34b701acc98d201693733"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d3eb1ceec286eba8220c26f3b0096cf189aea7057b6e7b7a2e60ed36b373b77f"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:7901c05ead4b3fb75113fb1dd33eb1253c6d3ee37ce93305acd9d38e0b5f21a4"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:e0e79d91e71b9867c73323a3444724d496c037e578a0e1755ae159ba14f4f3d1"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:29bfeb0dff5cb5fdab2023a7a9947b3b4af63e9c47cae2a10ad58394b517fddc"}, + {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e030047e85cbcedbfc073f71836d62dd5dadfbe7531cae27789ff66bc551bd5e"}, + {file = "multidict-6.0.5-cp311-cp311-win32.whl", hash = "sha256:2f4848aa3baa109e6ab81fe2006c77ed4d3cd1e0ac2c1fbddb7b1277c168788c"}, + {file = "multidict-6.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:2faa5ae9376faba05f630d7e5e6be05be22913782b927b19d12b8145968a85ea"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:51d035609b86722963404f711db441cf7134f1889107fb171a970c9701f92e1e"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cbebcd5bcaf1eaf302617c114aa67569dd3f090dd0ce8ba9e35e9985b41ac35b"}, + {file = "multidict-6.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2ffc42c922dbfddb4a4c3b438eb056828719f07608af27d163191cb3e3aa6cc5"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ceb3b7e6a0135e092de86110c5a74e46bda4bd4fbfeeb3a3bcec79c0f861e450"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:79660376075cfd4b2c80f295528aa6beb2058fd289f4c9252f986751a4cd0496"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e4428b29611e989719874670fd152b6625500ad6c686d464e99f5aaeeaca175a"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d84a5c3a5f7ce6db1f999fb9438f686bc2e09d38143f2d93d8406ed2dd6b9226"}, + {file = "multidict-6.0.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:76c0de87358b192de7ea9649beb392f107dcad9ad27276324c24c91774ca5271"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:79a6d2ba910adb2cbafc95dad936f8b9386e77c84c35bc0add315b856d7c3abb"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:92d16a3e275e38293623ebf639c471d3e03bb20b8ebb845237e0d3664914caef"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:fb616be3538599e797a2017cccca78e354c767165e8858ab5116813146041a24"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:14c2976aa9038c2629efa2c148022ed5eb4cb939e15ec7aace7ca932f48f9ba6"}, + {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:435a0984199d81ca178b9ae2c26ec3d49692d20ee29bc4c11a2a8d4514c67eda"}, + {file = "multidict-6.0.5-cp312-cp312-win32.whl", hash = "sha256:9fe7b0653ba3d9d65cbe7698cca585bf0f8c83dbbcc710db9c90f478e175f2d5"}, + {file = "multidict-6.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:01265f5e40f5a17f8241d52656ed27192be03bfa8764d88e8220141d1e4b3556"}, + {file = "multidict-6.0.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:19fe01cea168585ba0f678cad6f58133db2aa14eccaf22f88e4a6dccadfad8b3"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf7a982604375a8d49b6cc1b781c1747f243d91b81035a9b43a2126c04766f5"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:107c0cdefe028703fb5dafe640a409cb146d44a6ae201e55b35a4af8e95457dd"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:403c0911cd5d5791605808b942c88a8155c2592e05332d2bf78f18697a5fa15e"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aeaf541ddbad8311a87dd695ed9642401131ea39ad7bc8cf3ef3967fd093b626"}, + {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e4972624066095e52b569e02b5ca97dbd7a7ddd4294bf4e7247d52635630dd83"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d946b0a9eb8aaa590df1fe082cee553ceab173e6cb5b03239716338629c50c7a"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b55358304d7a73d7bdf5de62494aaf70bd33015831ffd98bc498b433dfe5b10c"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a3145cb08d8625b2d3fee1b2d596a8766352979c9bffe5d7833e0503d0f0b5e5"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d65f25da8e248202bd47445cec78e0025c0fe7582b23ec69c3b27a640dd7a8e3"}, + {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:c9bf56195c6bbd293340ea82eafd0071cb3d450c703d2c93afb89f93b8386ccc"}, + {file = "multidict-6.0.5-cp37-cp37m-win32.whl", hash = "sha256:69db76c09796b313331bb7048229e3bee7928eb62bab5e071e9f7fcc4879caee"}, + {file = "multidict-6.0.5-cp37-cp37m-win_amd64.whl", hash = "sha256:fce28b3c8a81b6b36dfac9feb1de115bab619b3c13905b419ec71d03a3fc1423"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:76f067f5121dcecf0d63a67f29080b26c43c71a98b10c701b0677e4a065fbd54"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b82cc8ace10ab5bd93235dfaab2021c70637005e1ac787031f4d1da63d493c1d"}, + {file = "multidict-6.0.5-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:5cb241881eefd96b46f89b1a056187ea8e9ba14ab88ba632e68d7a2ecb7aadf7"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8e94e6912639a02ce173341ff62cc1201232ab86b8a8fcc05572741a5dc7d93"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:09a892e4a9fb47331da06948690ae38eaa2426de97b4ccbfafbdcbe5c8f37ff8"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55205d03e8a598cfc688c71ca8ea5f66447164efff8869517f175ea632c7cb7b"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37b15024f864916b4951adb95d3a80c9431299080341ab9544ed148091b53f50"}, + {file = "multidict-6.0.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2a1dee728b52b33eebff5072817176c172050d44d67befd681609b4746e1c2e"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:edd08e6f2f1a390bf137080507e44ccc086353c8e98c657e666c017718561b89"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:60d698e8179a42ec85172d12f50b1668254628425a6bd611aba022257cac1386"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:3d25f19500588cbc47dc19081d78131c32637c25804df8414463ec908631e453"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4cc0ef8b962ac7a5e62b9e826bd0cd5040e7d401bc45a6835910ed699037a461"}, + {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:eca2e9d0cc5a889850e9bbd68e98314ada174ff6ccd1129500103df7a94a7a44"}, + {file = "multidict-6.0.5-cp38-cp38-win32.whl", hash = "sha256:4a6a4f196f08c58c59e0b8ef8ec441d12aee4125a7d4f4fef000ccb22f8d7241"}, + {file = "multidict-6.0.5-cp38-cp38-win_amd64.whl", hash = "sha256:0275e35209c27a3f7951e1ce7aaf93ce0d163b28948444bec61dd7badc6d3f8c"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e7be68734bd8c9a513f2b0cfd508802d6609da068f40dc57d4e3494cefc92929"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1d9ea7a7e779d7a3561aade7d596649fbecfa5c08a7674b11b423783217933f9"}, + {file = "multidict-6.0.5-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ea1456df2a27c73ce51120fa2f519f1bea2f4a03a917f4a43c8707cf4cbbae1a"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cf590b134eb70629e350691ecca88eac3e3b8b3c86992042fb82e3cb1830d5e1"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5c0631926c4f58e9a5ccce555ad7747d9a9f8b10619621f22f9635f069f6233e"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dce1c6912ab9ff5f179eaf6efe7365c1f425ed690b03341911bf4939ef2f3046"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0868d64af83169e4d4152ec612637a543f7a336e4a307b119e98042e852ad9c"}, + {file = "multidict-6.0.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:141b43360bfd3bdd75f15ed811850763555a251e38b2405967f8e25fb43f7d40"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7df704ca8cf4a073334e0427ae2345323613e4df18cc224f647f251e5e75a527"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:6214c5a5571802c33f80e6c84713b2c79e024995b9c5897f794b43e714daeec9"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:cd6c8fca38178e12c00418de737aef1261576bd1b6e8c6134d3e729a4e858b38"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:e02021f87a5b6932fa6ce916ca004c4d441509d33bbdbeca70d05dff5e9d2479"}, + {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ebd8d160f91a764652d3e51ce0d2956b38efe37c9231cd82cfc0bed2e40b581c"}, + {file = "multidict-6.0.5-cp39-cp39-win32.whl", hash = "sha256:04da1bb8c8dbadf2a18a452639771951c662c5ad03aefe4884775454be322c9b"}, + {file = "multidict-6.0.5-cp39-cp39-win_amd64.whl", hash = "sha256:d6f6d4f185481c9669b9447bf9d9cf3b95a0e9df9d169bbc17e363b7d5487755"}, + {file = "multidict-6.0.5-py3-none-any.whl", hash = "sha256:0d63c74e3d7ab26de115c49bffc92cc77ed23395303d496eae515d4204a625e7"}, + {file = "multidict-6.0.5.tar.gz", hash = "sha256:f7e301075edaf50500f0b341543c41194d8df3ae5caf4702f2095f3ca73dd8da"}, ] [[package]] @@ -532,61 +920,61 @@ files = [ [[package]] name = "orjson" -version = "3.9.10" +version = "3.9.15" description = "Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy" optional = false python-versions = ">=3.8" files = [ - {file = "orjson-3.9.10-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:c18a4da2f50050a03d1da5317388ef84a16013302a5281d6f64e4a3f406aabc4"}, - {file = "orjson-3.9.10-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5148bab4d71f58948c7c39d12b14a9005b6ab35a0bdf317a8ade9a9e4d9d0bd5"}, - {file = "orjson-3.9.10-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:4cf7837c3b11a2dfb589f8530b3cff2bd0307ace4c301e8997e95c7468c1378e"}, - {file = "orjson-3.9.10-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c62b6fa2961a1dcc51ebe88771be5319a93fd89bd247c9ddf732bc250507bc2b"}, - {file = "orjson-3.9.10-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:deeb3922a7a804755bbe6b5be9b312e746137a03600f488290318936c1a2d4dc"}, - {file = "orjson-3.9.10-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1234dc92d011d3554d929b6cf058ac4a24d188d97be5e04355f1b9223e98bbe9"}, - {file = "orjson-3.9.10-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:06ad5543217e0e46fd7ab7ea45d506c76f878b87b1b4e369006bdb01acc05a83"}, - {file = "orjson-3.9.10-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4fd72fab7bddce46c6826994ce1e7de145ae1e9e106ebb8eb9ce1393ca01444d"}, - {file = "orjson-3.9.10-cp310-none-win32.whl", hash = "sha256:b5b7d4a44cc0e6ff98da5d56cde794385bdd212a86563ac321ca64d7f80c80d1"}, - {file = "orjson-3.9.10-cp310-none-win_amd64.whl", hash = "sha256:61804231099214e2f84998316f3238c4c2c4aaec302df12b21a64d72e2a135c7"}, - {file = "orjson-3.9.10-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:cff7570d492bcf4b64cc862a6e2fb77edd5e5748ad715f487628f102815165e9"}, - {file = "orjson-3.9.10-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ed8bc367f725dfc5cabeed1ae079d00369900231fbb5a5280cf0736c30e2adf7"}, - {file = "orjson-3.9.10-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c812312847867b6335cfb264772f2a7e85b3b502d3a6b0586aa35e1858528ab1"}, - {file = "orjson-3.9.10-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9edd2856611e5050004f4722922b7b1cd6268da34102667bd49d2a2b18bafb81"}, - {file = "orjson-3.9.10-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:674eb520f02422546c40401f4efaf8207b5e29e420c17051cddf6c02783ff5ca"}, - {file = "orjson-3.9.10-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0dc4310da8b5f6415949bd5ef937e60aeb0eb6b16f95041b5e43e6200821fb"}, - {file = "orjson-3.9.10-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e99c625b8c95d7741fe057585176b1b8783d46ed4b8932cf98ee145c4facf499"}, - {file = "orjson-3.9.10-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:ec6f18f96b47299c11203edfbdc34e1b69085070d9a3d1f302810cc23ad36bf3"}, - {file = "orjson-3.9.10-cp311-none-win32.whl", hash = "sha256:ce0a29c28dfb8eccd0f16219360530bc3cfdf6bf70ca384dacd36e6c650ef8e8"}, - {file = "orjson-3.9.10-cp311-none-win_amd64.whl", hash = "sha256:cf80b550092cc480a0cbd0750e8189247ff45457e5a023305f7ef1bcec811616"}, - {file = "orjson-3.9.10-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:602a8001bdf60e1a7d544be29c82560a7b49319a0b31d62586548835bbe2c862"}, - {file = "orjson-3.9.10-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f295efcd47b6124b01255d1491f9e46f17ef40d3d7eabf7364099e463fb45f0f"}, - {file = "orjson-3.9.10-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:92af0d00091e744587221e79f68d617b432425a7e59328ca4c496f774a356071"}, - {file = "orjson-3.9.10-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c5a02360e73e7208a872bf65a7554c9f15df5fe063dc047f79738998b0506a14"}, - {file = "orjson-3.9.10-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:858379cbb08d84fe7583231077d9a36a1a20eb72f8c9076a45df8b083724ad1d"}, - {file = "orjson-3.9.10-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:666c6fdcaac1f13eb982b649e1c311c08d7097cbda24f32612dae43648d8db8d"}, - {file = "orjson-3.9.10-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:3fb205ab52a2e30354640780ce4587157a9563a68c9beaf52153e1cea9aa0921"}, - {file = "orjson-3.9.10-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:7ec960b1b942ee3c69323b8721df2a3ce28ff40e7ca47873ae35bfafeb4555ca"}, - {file = "orjson-3.9.10-cp312-none-win_amd64.whl", hash = "sha256:3e892621434392199efb54e69edfff9f699f6cc36dd9553c5bf796058b14b20d"}, - {file = "orjson-3.9.10-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:8b9ba0ccd5a7f4219e67fbbe25e6b4a46ceef783c42af7dbc1da548eb28b6531"}, - {file = "orjson-3.9.10-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2e2ecd1d349e62e3960695214f40939bbfdcaeaaa62ccc638f8e651cf0970e5f"}, - {file = "orjson-3.9.10-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7f433be3b3f4c66016d5a20e5b4444ef833a1f802ced13a2d852c637f69729c1"}, - {file = "orjson-3.9.10-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4689270c35d4bb3102e103ac43c3f0b76b169760aff8bcf2d401a3e0e58cdb7f"}, - {file = "orjson-3.9.10-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4bd176f528a8151a6efc5359b853ba3cc0e82d4cd1fab9c1300c5d957dc8f48c"}, - {file = "orjson-3.9.10-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3a2ce5ea4f71681623f04e2b7dadede3c7435dfb5e5e2d1d0ec25b35530e277b"}, - {file = "orjson-3.9.10-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:49f8ad582da6e8d2cf663c4ba5bf9f83cc052570a3a767487fec6af839b0e777"}, - {file = "orjson-3.9.10-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:2a11b4b1a8415f105d989876a19b173f6cdc89ca13855ccc67c18efbd7cbd1f8"}, - {file = "orjson-3.9.10-cp38-none-win32.whl", hash = "sha256:a353bf1f565ed27ba71a419b2cd3db9d6151da426b61b289b6ba1422a702e643"}, - {file = "orjson-3.9.10-cp38-none-win_amd64.whl", hash = "sha256:e28a50b5be854e18d54f75ef1bb13e1abf4bc650ab9d635e4258c58e71eb6ad5"}, - {file = "orjson-3.9.10-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:ee5926746232f627a3be1cc175b2cfad24d0170d520361f4ce3fa2fd83f09e1d"}, - {file = "orjson-3.9.10-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a73160e823151f33cdc05fe2cea557c5ef12fdf276ce29bb4f1c571c8368a60"}, - {file = "orjson-3.9.10-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c338ed69ad0b8f8f8920c13f529889fe0771abbb46550013e3c3d01e5174deef"}, - {file = "orjson-3.9.10-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5869e8e130e99687d9e4be835116c4ebd83ca92e52e55810962446d841aba8de"}, - {file = "orjson-3.9.10-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d2c1e559d96a7f94a4f581e2a32d6d610df5840881a8cba8f25e446f4d792df3"}, - {file = "orjson-3.9.10-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:81a3a3a72c9811b56adf8bcc829b010163bb2fc308877e50e9910c9357e78521"}, - {file = "orjson-3.9.10-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7f8fb7f5ecf4f6355683ac6881fd64b5bb2b8a60e3ccde6ff799e48791d8f864"}, - {file = "orjson-3.9.10-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:c943b35ecdf7123b2d81d225397efddf0bce2e81db2f3ae633ead38e85cd5ade"}, - {file = "orjson-3.9.10-cp39-none-win32.whl", hash = "sha256:fb0b361d73f6b8eeceba47cd37070b5e6c9de5beaeaa63a1cb35c7e1a73ef088"}, - {file = "orjson-3.9.10-cp39-none-win_amd64.whl", hash = "sha256:b90f340cb6397ec7a854157fac03f0c82b744abdd1c0941a024c3c29d1340aff"}, - {file = "orjson-3.9.10.tar.gz", hash = "sha256:9ebbdbd6a046c304b1845e96fbcc5559cd296b4dfd3ad2509e33c4d9ce07d6a1"}, + {file = "orjson-3.9.15-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:d61f7ce4727a9fa7680cd6f3986b0e2c732639f46a5e0156e550e35258aa313a"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4feeb41882e8aa17634b589533baafdceb387e01e117b1ec65534ec724023d04"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fbbeb3c9b2edb5fd044b2a070f127a0ac456ffd079cb82746fc84af01ef021a4"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b66bcc5670e8a6b78f0313bcb74774c8291f6f8aeef10fe70e910b8040f3ab75"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2973474811db7b35c30248d1129c64fd2bdf40d57d84beed2a9a379a6f57d0ab"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fe41b6f72f52d3da4db524c8653e46243c8c92df826ab5ffaece2dba9cccd58"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4228aace81781cc9d05a3ec3a6d2673a1ad0d8725b4e915f1089803e9efd2b99"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:6f7b65bfaf69493c73423ce9db66cfe9138b2f9ef62897486417a8fcb0a92bfe"}, + {file = "orjson-3.9.15-cp310-none-win32.whl", hash = "sha256:2d99e3c4c13a7b0fb3792cc04c2829c9db07838fb6973e578b85c1745e7d0ce7"}, + {file = "orjson-3.9.15-cp310-none-win_amd64.whl", hash = "sha256:b725da33e6e58e4a5d27958568484aa766e825e93aa20c26c91168be58e08cbb"}, + {file = "orjson-3.9.15-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:c8e8fe01e435005d4421f183038fc70ca85d2c1e490f51fb972db92af6e047c2"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:87f1097acb569dde17f246faa268759a71a2cb8c96dd392cd25c668b104cad2f"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ff0f9913d82e1d1fadbd976424c316fbc4d9c525c81d047bbdd16bd27dd98cfc"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8055ec598605b0077e29652ccfe9372247474375e0e3f5775c91d9434e12d6b1"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d6768a327ea1ba44c9114dba5fdda4a214bdb70129065cd0807eb5f010bfcbb5"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12365576039b1a5a47df01aadb353b68223da413e2e7f98c02403061aad34bde"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:71c6b009d431b3839d7c14c3af86788b3cfac41e969e3e1c22f8a6ea13139404"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e18668f1bd39e69b7fed19fa7cd1cd110a121ec25439328b5c89934e6d30d357"}, + {file = "orjson-3.9.15-cp311-none-win32.whl", hash = "sha256:62482873e0289cf7313461009bf62ac8b2e54bc6f00c6fabcde785709231a5d7"}, + {file = "orjson-3.9.15-cp311-none-win_amd64.whl", hash = "sha256:b3d336ed75d17c7b1af233a6561cf421dee41d9204aa3cfcc6c9c65cd5bb69a8"}, + {file = "orjson-3.9.15-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:82425dd5c7bd3adfe4e94c78e27e2fa02971750c2b7ffba648b0f5d5cc016a73"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c51378d4a8255b2e7c1e5cc430644f0939539deddfa77f6fac7b56a9784160a"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6ae4e06be04dc00618247c4ae3f7c3e561d5bc19ab6941427f6d3722a0875ef7"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bcef128f970bb63ecf9a65f7beafd9b55e3aaf0efc271a4154050fc15cdb386e"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b72758f3ffc36ca566ba98a8e7f4f373b6c17c646ff8ad9b21ad10c29186f00d"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10c57bc7b946cf2efa67ac55766e41764b66d40cbd9489041e637c1304400494"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:946c3a1ef25338e78107fba746f299f926db408d34553b4754e90a7de1d44068"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2f256d03957075fcb5923410058982aea85455d035607486ccb847f095442bda"}, + {file = "orjson-3.9.15-cp312-none-win_amd64.whl", hash = "sha256:5bb399e1b49db120653a31463b4a7b27cf2fbfe60469546baf681d1b39f4edf2"}, + {file = "orjson-3.9.15-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:b17f0f14a9c0ba55ff6279a922d1932e24b13fc218a3e968ecdbf791b3682b25"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f6cbd8e6e446fb7e4ed5bac4661a29e43f38aeecbf60c4b900b825a353276a1"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:76bc6356d07c1d9f4b782813094d0caf1703b729d876ab6a676f3aaa9a47e37c"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fdfa97090e2d6f73dced247a2f2d8004ac6449df6568f30e7fa1a045767c69a6"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7413070a3e927e4207d00bd65f42d1b780fb0d32d7b1d951f6dc6ade318e1b5a"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9cf1596680ac1f01839dba32d496136bdd5d8ffb858c280fa82bbfeb173bdd40"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:809d653c155e2cc4fd39ad69c08fdff7f4016c355ae4b88905219d3579e31eb7"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:920fa5a0c5175ab14b9c78f6f820b75804fb4984423ee4c4f1e6d748f8b22bc1"}, + {file = "orjson-3.9.15-cp38-none-win32.whl", hash = "sha256:2b5c0f532905e60cf22a511120e3719b85d9c25d0e1c2a8abb20c4dede3b05a5"}, + {file = "orjson-3.9.15-cp38-none-win_amd64.whl", hash = "sha256:67384f588f7f8daf040114337d34a5188346e3fae6c38b6a19a2fe8c663a2f9b"}, + {file = "orjson-3.9.15-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:6fc2fe4647927070df3d93f561d7e588a38865ea0040027662e3e541d592811e"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34cbcd216e7af5270f2ffa63a963346845eb71e174ea530867b7443892d77180"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f541587f5c558abd93cb0de491ce99a9ef8d1ae29dd6ab4dbb5a13281ae04cbd"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:92255879280ef9c3c0bcb327c5a1b8ed694c290d61a6a532458264f887f052cb"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:05a1f57fb601c426635fcae9ddbe90dfc1ed42245eb4c75e4960440cac667262"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ede0bde16cc6e9b96633df1631fbcd66491d1063667f260a4f2386a098393790"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:e88b97ef13910e5f87bcbc4dd7979a7de9ba8702b54d3204ac587e83639c0c2b"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:57d5d8cf9c27f7ef6bc56a5925c7fbc76b61288ab674eb352c26ac780caa5b10"}, + {file = "orjson-3.9.15-cp39-none-win32.whl", hash = "sha256:001f4eb0ecd8e9ebd295722d0cbedf0748680fb9998d3993abaed2f40587257a"}, + {file = "orjson-3.9.15-cp39-none-win_amd64.whl", hash = "sha256:ea0b183a5fe6b2b45f3b854b0d19c4e932d6f5934ae1f723b07cf9560edd4ec7"}, + {file = "orjson-3.9.15.tar.gz", hash = "sha256:95cae920959d772f30ab36d3b25f83bb0f3be671e986c72ce22f8fa700dae061"}, ] [[package]] @@ -701,77 +1089,154 @@ test = ["time-machine (>=2.6.0)"] [[package]] name = "platformdirs" -version = "4.1.0" +version = "4.2.0" description = "A small Python package for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." optional = false python-versions = ">=3.8" files = [ - {file = "platformdirs-4.1.0-py3-none-any.whl", hash = "sha256:11c8f37bcca40db96d8144522d925583bdb7a31f7b0e37e3ed4318400a8e2380"}, - {file = "platformdirs-4.1.0.tar.gz", hash = "sha256:906d548203468492d432bcb294d4bc2fff751bf84971fbb2c10918cc206ee420"}, + {file = "platformdirs-4.2.0-py3-none-any.whl", hash = "sha256:0614df2a2f37e1a662acbd8e2b25b92ccf8632929bc6d43467e17fe89c75e068"}, + {file = "platformdirs-4.2.0.tar.gz", hash = "sha256:ef0cc731df711022c174543cb70a9b5bd22e5a9337c8624ef2c2ceb8ddad8768"}, ] [package.extras] -docs = ["furo (>=2023.7.26)", "proselint (>=0.13)", "sphinx (>=7.1.1)", "sphinx-autodoc-typehints (>=1.24)"] -test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.4)", "pytest-cov (>=4.1)", "pytest-mock (>=3.11.1)"] +docs = ["furo (>=2023.9.10)", "proselint (>=0.13)", "sphinx (>=7.2.6)", "sphinx-autodoc-typehints (>=1.25.2)"] +test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.4.3)", "pytest-cov (>=4.1)", "pytest-mock (>=3.12)"] [[package]] name = "pluggy" -version = "1.3.0" +version = "1.4.0" description = "plugin and hook calling mechanisms for python" optional = false python-versions = ">=3.8" files = [ - {file = "pluggy-1.3.0-py3-none-any.whl", hash = "sha256:d89c696a773f8bd377d18e5ecda92b7a3793cbe66c87060a6fb58c7b6e1061f7"}, - {file = "pluggy-1.3.0.tar.gz", hash = "sha256:cf61ae8f126ac6f7c451172cf30e3e43d3ca77615509771b3a984a0730651e12"}, + {file = "pluggy-1.4.0-py3-none-any.whl", hash = "sha256:7db9f7b503d67d1c5b95f59773ebb58a8c1c288129a88665838012cfb07b8981"}, + {file = "pluggy-1.4.0.tar.gz", hash = "sha256:8c85c2876142a764e5b7548e7d9a0e0ddb46f5185161049a79b7e974454223be"}, ] [package.extras] dev = ["pre-commit", "tox"] testing = ["pytest", "pytest-benchmark"] +[[package]] +name = "pycares" +version = "4.4.0" +description = "Python interface for c-ares" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:24da119850841d16996713d9c3374ca28a21deee056d609fbbed29065d17e1f6"}, + {file = "pycares-4.4.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8f64cb58729689d4d0e78f0bfb4c25ce2f851d0274c0273ac751795c04b8798a"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d33e2a1120887e89075f7f814ec144f66a6ce06a54f5722ccefc62fbeda83cff"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c680fef1b502ee680f8f0b95a41af4ec2c234e50e16c0af5bbda31999d3584bd"}, + {file = "pycares-4.4.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fff16b09042ba077f7b8aa5868d1d22456f0002574d0ba43462b10a009331677"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:229a1675eb33bc9afb1fc463e73ee334950ccc485bc83a43f6ae5839fb4d5fa3"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:3aebc73e5ad70464f998f77f2da2063aa617cbd8d3e8174dd7c5b4518f967153"}, + {file = "pycares-4.4.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:6ef64649eba56448f65e26546d85c860709844d2fc22ef14d324fe0b27f761a9"}, + {file = "pycares-4.4.0-cp310-cp310-win32.whl", hash = "sha256:4afc2644423f4eef97857a9fd61be9758ce5e336b4b0bd3d591238bb4b8b03e0"}, + {file = "pycares-4.4.0-cp310-cp310-win_amd64.whl", hash = "sha256:5ed4e04af4012f875b78219d34434a6d08a67175150ac1b79eb70ab585d4ba8c"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:bce8db2fc6f3174bd39b81405210b9b88d7b607d33e56a970c34a0c190da0490"}, + {file = "pycares-4.4.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9a0303428d013ccf5c51de59c83f9127aba6200adb7fd4be57eddb432a1edd2a"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afb91792f1556f97be7f7acb57dc7756d89c5a87bd8b90363a77dbf9ea653817"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b61579cecf1f4d616e5ea31a6e423a16680ab0d3a24a2ffe7bb1d4ee162477ff"}, + {file = "pycares-4.4.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b7af06968cbf6851566e806bf3e72825b0e6671832a2cbe840be1d2d65350710"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ceb12974367b0a68a05d52f4162b29f575d241bd53de155efe632bf2c943c7f6"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:2eeec144bcf6a7b6f2d74d6e70cbba7886a84dd373c886f06cb137a07de4954c"}, + {file = "pycares-4.4.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e3a6f7cfdfd11eb5493d6d632e582408c8f3b429f295f8799c584c108b28db6f"}, + {file = "pycares-4.4.0-cp311-cp311-win32.whl", hash = "sha256:34736a2ffaa9c08ca9c707011a2d7b69074bbf82d645d8138bba771479b2362f"}, + {file = "pycares-4.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:eb66c30eb11e877976b7ead13632082a8621df648c408b8e15cdb91a452dd502"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:fd644505a8cfd7f6584d33a9066d4e3d47700f050ef1490230c962de5dfb28c6"}, + {file = "pycares-4.4.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:52084961262232ec04bd75f5043aed7e5d8d9695e542ff691dfef0110209f2d4"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0c5368206057884cde18602580083aeaad9b860e2eac14fd253543158ce1e93"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:112a4979c695b1c86f6782163d7dec58d57a3b9510536dcf4826550f9053dd9a"}, + {file = "pycares-4.4.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8d186dafccdaa3409194c0f94db93c1a5d191145a275f19da6591f9499b8e7b8"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:64965dc19c578a683ea73487a215a8897276224e004d50eeb21f0bc7a0b63c88"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:ed2a38e34bec6f2586435f6ff0bc5fe11d14bebd7ed492cf739a424e81681540"}, + {file = "pycares-4.4.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:94d6962db81541eb0396d2f0dfcbb18cdb8c8b251d165efc2d974ae652c547d4"}, + {file = "pycares-4.4.0-cp312-cp312-win32.whl", hash = "sha256:1168a48a834813aa80f412be2df4abaf630528a58d15c704857448b20b1675c0"}, + {file = "pycares-4.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:db24c4e7fea4a052c6e869cbf387dd85d53b9736cfe1ef5d8d568d1ca925e977"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:21a5a0468861ec7df7befa69050f952da13db5427ae41ffe4713bc96291d1d95"}, + {file = "pycares-4.4.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:22c00bf659a9fa44d7b405cf1cd69b68b9d37537899898d8cbe5dffa4016b273"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:23aa3993a352491a47fcf17867f61472f32f874df4adcbb486294bd9fbe8abee"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:813d661cbe2e37d87da2d16b7110a6860e93ddb11735c6919c8a3545c7b9c8d8"}, + {file = "pycares-4.4.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:77cf5a2fd5583c670de41a7f4a7b46e5cbabe7180d8029f728571f4d2e864084"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:3eaa6681c0a3e3f3868c77aca14b7760fed35fdfda2fe587e15c701950e7bc69"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:ad58e284a658a8a6a84af2e0b62f2f961f303cedfe551854d7bd40c3cbb61912"}, + {file = "pycares-4.4.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:bfb89ca9e3d0a9b5332deeb666b2ede9d3469107742158f4aeda5ce032d003f4"}, + {file = "pycares-4.4.0-cp38-cp38-win32.whl", hash = "sha256:f36bdc1562142e3695555d2f4ac0cb69af165eddcefa98efc1c79495b533481f"}, + {file = "pycares-4.4.0-cp38-cp38-win_amd64.whl", hash = "sha256:902461a92b6a80fd5041a2ec5235680c7cc35e43615639ec2a40e63fca2dfb51"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7bddc6adba8f699728f7fc1c9ce8cef359817ad78e2ed52b9502cb5f8dc7f741"}, + {file = "pycares-4.4.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cb49d5805cd347c404f928c5ae7c35e86ba0c58ffa701dbe905365e77ce7d641"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:56cf3349fa3a2e67ed387a7974c11d233734636fe19facfcda261b411af14d80"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8bf2eaa83a5987e48fa63302f0fe7ce3275cfda87b34d40fef9ce703fb3ac002"}, + {file = "pycares-4.4.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82bba2ab77eb5addbf9758d514d9bdef3c1bfe7d1649a47bd9a0d55a23ef478b"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:c6a8bde63106f162fca736e842a916853cad3c8d9d137e11c9ffa37efa818b02"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f5f646eec041db6ffdbcaf3e0756fb92018f7af3266138c756bb09d2b5baadec"}, + {file = "pycares-4.4.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9dc04c54c6ea615210c1b9e803d0e2d2255f87a3d5d119b6482c8f0dfa15b26b"}, + {file = "pycares-4.4.0-cp39-cp39-win32.whl", hash = "sha256:97892cced5794d721fb4ff8765764aa4ea48fe8b2c3820677505b96b83d4ef47"}, + {file = "pycares-4.4.0-cp39-cp39-win_amd64.whl", hash = "sha256:917f08f0b5d9324e9a34211e68d27447c552b50ab967044776bbab7e42a553a2"}, + {file = "pycares-4.4.0.tar.gz", hash = "sha256:f47579d508f2f56eddd16ce72045782ad3b1b3b678098699e2b6a1b30733e1c2"}, +] + +[package.dependencies] +cffi = ">=1.5.0" + +[package.extras] +idna = ["idna (>=2.1)"] + +[[package]] +name = "pycparser" +version = "2.21" +description = "C parser in Python" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +files = [ + {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, + {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, +] + [[package]] name = "pydantic" -version = "1.10.12" +version = "1.10.14" description = "Data validation and settings management using python type hints" optional = false python-versions = ">=3.7" files = [ - {file = "pydantic-1.10.12-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a1fcb59f2f355ec350073af41d927bf83a63b50e640f4dbaa01053a28b7a7718"}, - {file = "pydantic-1.10.12-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b7ccf02d7eb340b216ec33e53a3a629856afe1c6e0ef91d84a4e6f2fb2ca70fe"}, - {file = "pydantic-1.10.12-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8fb2aa3ab3728d950bcc885a2e9eff6c8fc40bc0b7bb434e555c215491bcf48b"}, - {file = "pydantic-1.10.12-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:771735dc43cf8383959dc9b90aa281f0b6092321ca98677c5fb6125a6f56d58d"}, - {file = "pydantic-1.10.12-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:ca48477862372ac3770969b9d75f1bf66131d386dba79506c46d75e6b48c1e09"}, - {file = "pydantic-1.10.12-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a5e7add47a5b5a40c49b3036d464e3c7802f8ae0d1e66035ea16aa5b7a3923ed"}, - {file = "pydantic-1.10.12-cp310-cp310-win_amd64.whl", hash = "sha256:e4129b528c6baa99a429f97ce733fff478ec955513630e61b49804b6cf9b224a"}, - {file = "pydantic-1.10.12-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b0d191db0f92dfcb1dec210ca244fdae5cbe918c6050b342d619c09d31eea0cc"}, - {file = "pydantic-1.10.12-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:795e34e6cc065f8f498c89b894a3c6da294a936ee71e644e4bd44de048af1405"}, - {file = "pydantic-1.10.12-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:69328e15cfda2c392da4e713443c7dbffa1505bc9d566e71e55abe14c97ddc62"}, - {file = "pydantic-1.10.12-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2031de0967c279df0d8a1c72b4ffc411ecd06bac607a212892757db7462fc494"}, - {file = "pydantic-1.10.12-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:ba5b2e6fe6ca2b7e013398bc7d7b170e21cce322d266ffcd57cca313e54fb246"}, - {file = "pydantic-1.10.12-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:2a7bac939fa326db1ab741c9d7f44c565a1d1e80908b3797f7f81a4f86bc8d33"}, - {file = "pydantic-1.10.12-cp311-cp311-win_amd64.whl", hash = "sha256:87afda5539d5140cb8ba9e8b8c8865cb5b1463924d38490d73d3ccfd80896b3f"}, - {file = "pydantic-1.10.12-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:549a8e3d81df0a85226963611950b12d2d334f214436a19537b2efed61b7639a"}, - {file = "pydantic-1.10.12-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:598da88dfa127b666852bef6d0d796573a8cf5009ffd62104094a4fe39599565"}, - {file = "pydantic-1.10.12-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ba5c4a8552bff16c61882db58544116d021d0b31ee7c66958d14cf386a5b5350"}, - {file = "pydantic-1.10.12-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:c79e6a11a07da7374f46970410b41d5e266f7f38f6a17a9c4823db80dadf4303"}, - {file = "pydantic-1.10.12-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:ab26038b8375581dc832a63c948f261ae0aa21f1d34c1293469f135fa92972a5"}, - {file = "pydantic-1.10.12-cp37-cp37m-win_amd64.whl", hash = "sha256:e0a16d274b588767602b7646fa05af2782576a6cf1022f4ba74cbb4db66f6ca8"}, - {file = "pydantic-1.10.12-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6a9dfa722316f4acf4460afdf5d41d5246a80e249c7ff475c43a3a1e9d75cf62"}, - {file = "pydantic-1.10.12-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:a73f489aebd0c2121ed974054cb2759af8a9f747de120acd2c3394cf84176ccb"}, - {file = "pydantic-1.10.12-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b30bcb8cbfccfcf02acb8f1a261143fab622831d9c0989707e0e659f77a18e0"}, - {file = "pydantic-1.10.12-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2fcfb5296d7877af406ba1547dfde9943b1256d8928732267e2653c26938cd9c"}, - {file = "pydantic-1.10.12-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:2f9a6fab5f82ada41d56b0602606a5506aab165ca54e52bc4545028382ef1c5d"}, - {file = "pydantic-1.10.12-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:dea7adcc33d5d105896401a1f37d56b47d443a2b2605ff8a969a0ed5543f7e33"}, - {file = "pydantic-1.10.12-cp38-cp38-win_amd64.whl", hash = "sha256:1eb2085c13bce1612da8537b2d90f549c8cbb05c67e8f22854e201bde5d98a47"}, - {file = "pydantic-1.10.12-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:ef6c96b2baa2100ec91a4b428f80d8f28a3c9e53568219b6c298c1125572ebc6"}, - {file = "pydantic-1.10.12-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:6c076be61cd0177a8433c0adcb03475baf4ee91edf5a4e550161ad57fc90f523"}, - {file = "pydantic-1.10.12-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2d5a58feb9a39f481eda4d5ca220aa8b9d4f21a41274760b9bc66bfd72595b86"}, - {file = "pydantic-1.10.12-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5f805d2d5d0a41633651a73fa4ecdd0b3d7a49de4ec3fadf062fe16501ddbf1"}, - {file = "pydantic-1.10.12-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:1289c180abd4bd4555bb927c42ee42abc3aee02b0fb2d1223fb7c6e5bef87dbe"}, - {file = "pydantic-1.10.12-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5d1197e462e0364906cbc19681605cb7c036f2475c899b6f296104ad42b9f5fb"}, - {file = "pydantic-1.10.12-cp39-cp39-win_amd64.whl", hash = "sha256:fdbdd1d630195689f325c9ef1a12900524dceb503b00a987663ff4f58669b93d"}, - {file = "pydantic-1.10.12-py3-none-any.whl", hash = "sha256:b749a43aa51e32839c9d71dc67eb1e4221bb04af1033a32e3923d46f9effa942"}, - {file = "pydantic-1.10.12.tar.gz", hash = "sha256:0fe8a415cea8f340e7a9af9c54fc71a649b43e8ca3cc732986116b3cb135d303"}, + {file = "pydantic-1.10.14-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7f4fcec873f90537c382840f330b90f4715eebc2bc9925f04cb92de593eae054"}, + {file = "pydantic-1.10.14-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8e3a76f571970fcd3c43ad982daf936ae39b3e90b8a2e96c04113a369869dc87"}, + {file = "pydantic-1.10.14-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:82d886bd3c3fbeaa963692ef6b643159ccb4b4cefaf7ff1617720cbead04fd1d"}, + {file = "pydantic-1.10.14-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:798a3d05ee3b71967844a1164fd5bdb8c22c6d674f26274e78b9f29d81770c4e"}, + {file = "pydantic-1.10.14-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:23d47a4b57a38e8652bcab15a658fdb13c785b9ce217cc3a729504ab4e1d6bc9"}, + {file = "pydantic-1.10.14-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f9f674b5c3bebc2eba401de64f29948ae1e646ba2735f884d1594c5f675d6f2a"}, + {file = "pydantic-1.10.14-cp310-cp310-win_amd64.whl", hash = "sha256:24a7679fab2e0eeedb5a8924fc4a694b3bcaac7d305aeeac72dd7d4e05ecbebf"}, + {file = "pydantic-1.10.14-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9d578ac4bf7fdf10ce14caba6f734c178379bd35c486c6deb6f49006e1ba78a7"}, + {file = "pydantic-1.10.14-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fa7790e94c60f809c95602a26d906eba01a0abee9cc24150e4ce2189352deb1b"}, + {file = "pydantic-1.10.14-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aad4e10efa5474ed1a611b6d7f0d130f4aafadceb73c11d9e72823e8f508e663"}, + {file = "pydantic-1.10.14-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1245f4f61f467cb3dfeced2b119afef3db386aec3d24a22a1de08c65038b255f"}, + {file = "pydantic-1.10.14-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:21efacc678a11114c765eb52ec0db62edffa89e9a562a94cbf8fa10b5db5c046"}, + {file = "pydantic-1.10.14-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:412ab4a3f6dbd2bf18aefa9f79c7cca23744846b31f1d6555c2ee2b05a2e14ca"}, + {file = "pydantic-1.10.14-cp311-cp311-win_amd64.whl", hash = "sha256:e897c9f35281f7889873a3e6d6b69aa1447ceb024e8495a5f0d02ecd17742a7f"}, + {file = "pydantic-1.10.14-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:d604be0f0b44d473e54fdcb12302495fe0467c56509a2f80483476f3ba92b33c"}, + {file = "pydantic-1.10.14-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a42c7d17706911199798d4c464b352e640cab4351efe69c2267823d619a937e5"}, + {file = "pydantic-1.10.14-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:596f12a1085e38dbda5cbb874d0973303e34227b400b6414782bf205cc14940c"}, + {file = "pydantic-1.10.14-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:bfb113860e9288d0886e3b9e49d9cf4a9d48b441f52ded7d96db7819028514cc"}, + {file = "pydantic-1.10.14-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:bc3ed06ab13660b565eed80887fcfbc0070f0aa0691fbb351657041d3e874efe"}, + {file = "pydantic-1.10.14-cp37-cp37m-win_amd64.whl", hash = "sha256:ad8c2bc677ae5f6dbd3cf92f2c7dc613507eafe8f71719727cbc0a7dec9a8c01"}, + {file = "pydantic-1.10.14-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:c37c28449752bb1f47975d22ef2882d70513c546f8f37201e0fec3a97b816eee"}, + {file = "pydantic-1.10.14-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:49a46a0994dd551ec051986806122767cf144b9702e31d47f6d493c336462597"}, + {file = "pydantic-1.10.14-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:53e3819bd20a42470d6dd0fe7fc1c121c92247bca104ce608e609b59bc7a77ee"}, + {file = "pydantic-1.10.14-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0fbb503bbbbab0c588ed3cd21975a1d0d4163b87e360fec17a792f7d8c4ff29f"}, + {file = "pydantic-1.10.14-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:336709883c15c050b9c55a63d6c7ff09be883dbc17805d2b063395dd9d9d0022"}, + {file = "pydantic-1.10.14-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4ae57b4d8e3312d486e2498d42aed3ece7b51848336964e43abbf9671584e67f"}, + {file = "pydantic-1.10.14-cp38-cp38-win_amd64.whl", hash = "sha256:dba49d52500c35cfec0b28aa8b3ea5c37c9df183ffc7210b10ff2a415c125c4a"}, + {file = "pydantic-1.10.14-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:c66609e138c31cba607d8e2a7b6a5dc38979a06c900815495b2d90ce6ded35b4"}, + {file = "pydantic-1.10.14-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d986e115e0b39604b9eee3507987368ff8148222da213cd38c359f6f57b3b347"}, + {file = "pydantic-1.10.14-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:646b2b12df4295b4c3148850c85bff29ef6d0d9621a8d091e98094871a62e5c7"}, + {file = "pydantic-1.10.14-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:282613a5969c47c83a8710cc8bfd1e70c9223feb76566f74683af889faadc0ea"}, + {file = "pydantic-1.10.14-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:466669501d08ad8eb3c4fecd991c5e793c4e0bbd62299d05111d4f827cded64f"}, + {file = "pydantic-1.10.14-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:13e86a19dca96373dcf3190fcb8797d40a6f12f154a244a8d1e8e03b8f280593"}, + {file = "pydantic-1.10.14-cp39-cp39-win_amd64.whl", hash = "sha256:08b6ec0917c30861e3fe71a93be1648a2aa4f62f866142ba21670b24444d7fd8"}, + {file = "pydantic-1.10.14-py3-none-any.whl", hash = "sha256:8ee853cd12ac2ddbf0ecbac1c289f95882b2d4482258048079d13be700aa114c"}, + {file = "pydantic-1.10.14.tar.gz", hash = "sha256:46f17b832fe27de7850896f3afee50ea682220dd218f7e9c88d436788419dca6"}, ] [package.dependencies] @@ -844,17 +1309,17 @@ testing = ["argcomplete", "attrs (>=19.2.0)", "hypothesis (>=3.56)", "mock", "no [[package]] name = "pytest-insta" -version = "0.2.0" +version = "0.3.0" description = "A practical snapshot testing plugin for pytest" optional = false -python-versions = ">=3.8,<4.0" +python-versions = ">=3.10,<4.0" files = [ - {file = "pytest_insta-0.2.0-py3-none-any.whl", hash = "sha256:e8d8a19f44917fa70102b132ddd4d6afcebe2a31987422dc79458ff849fe1a9e"}, - {file = "pytest_insta-0.2.0.tar.gz", hash = "sha256:c4e549f3c5aea8acf1ae6da12cffaaf4e4b3b03d9059c5115deab59f37b23867"}, + {file = "pytest_insta-0.3.0-py3-none-any.whl", hash = "sha256:93a105e3850f2887b120a581923b10bb313d722e00d369377a1d91aa535df704"}, + {file = "pytest_insta-0.3.0.tar.gz", hash = "sha256:9e6e1c70a021f68ccc4643360b2c2f8326cf3befba85f942c1da17b9caf713f7"}, ] [package.dependencies] -pytest = ">=7.2.0,<8.0.0" +pytest = ">=7.2.0,<9.0.0" wrapt = ">=1.14.1,<2.0.0" [[package]] @@ -953,13 +1418,13 @@ use-chardet-on-py3 = ["chardet (>=3.0.2,<6)"] [[package]] name = "requests-cache" -version = "1.1.1" +version = "1.2.0" description = "A persistent cache for python requests" optional = false -python-versions = ">=3.7,<4.0" +python-versions = ">=3.8" files = [ - {file = "requests_cache-1.1.1-py3-none-any.whl", hash = "sha256:c8420cf096f3aafde13c374979c21844752e2694ffd8710e6764685bb577ac90"}, - {file = "requests_cache-1.1.1.tar.gz", hash = "sha256:764f93d3fa860be72125a568c2cc8eafb151cf29b4dc2515433a56ee657e1c60"}, + {file = "requests_cache-1.2.0-py3-none-any.whl", hash = "sha256:490324301bf0cb924ff4e6324bd2613453e7e1f847353928b08adb0fdfb7f722"}, + {file = "requests_cache-1.2.0.tar.gz", hash = "sha256:db1c709ca343cc1cd5b6c8b1a5387298eceed02306a6040760db538c885e3838"}, ] [package.dependencies] @@ -971,31 +1436,50 @@ url-normalize = ">=1.4" urllib3 = ">=1.25.5" [package.extras] -all = ["boto3 (>=1.15)", "botocore (>=1.18)", "itsdangerous (>=2.0)", "pymongo (>=3)", "pyyaml (>=5.4)", "redis (>=3)", "ujson (>=5.4)"] +all = ["boto3 (>=1.15)", "botocore (>=1.18)", "itsdangerous (>=2.0)", "pymongo (>=3)", "pyyaml (>=6.0.1)", "redis (>=3)", "ujson (>=5.4)"] bson = ["bson (>=0.5)"] -docs = ["furo (>=2023.3,<2024.0)", "linkify-it-py (>=2.0,<3.0)", "myst-parser (>=1.0,<2.0)", "sphinx (>=5.0.2,<6.0.0)", "sphinx-autodoc-typehints (>=1.19)", "sphinx-automodapi (>=0.14)", "sphinx-copybutton (>=0.5)", "sphinx-design (>=0.2)", "sphinx-notfound-page (>=0.8)", "sphinxcontrib-apidoc (>=0.3)", "sphinxext-opengraph (>=0.6)"] +docs = ["furo (>=2023.3,<2024.0)", "linkify-it-py (>=2.0,<3.0)", "myst-parser (>=1.0,<2.0)", "sphinx (>=5.0.2,<6.0.0)", "sphinx-autodoc-typehints (>=1.19)", "sphinx-automodapi (>=0.14)", "sphinx-copybutton (>=0.5)", "sphinx-design (>=0.2)", "sphinx-notfound-page (>=0.8)", "sphinxcontrib-apidoc (>=0.3)", "sphinxext-opengraph (>=0.9)"] dynamodb = ["boto3 (>=1.15)", "botocore (>=1.18)"] json = ["ujson (>=5.4)"] mongodb = ["pymongo (>=3)"] redis = ["redis (>=3)"] security = ["itsdangerous (>=2.0)"] -yaml = ["pyyaml (>=5.4)"] +yaml = ["pyyaml (>=6.0.1)"] + +[[package]] +name = "requests-mock" +version = "1.11.0" +description = "Mock out responses from the requests package" +optional = false +python-versions = "*" +files = [ + {file = "requests-mock-1.11.0.tar.gz", hash = "sha256:ef10b572b489a5f28e09b708697208c4a3b2b89ef80a9f01584340ea357ec3c4"}, + {file = "requests_mock-1.11.0-py2.py3-none-any.whl", hash = "sha256:f7fae383f228633f6bececebdab236c478ace2284d6292c6e7e2867b9ab74d15"}, +] + +[package.dependencies] +requests = ">=2.3,<3" +six = "*" + +[package.extras] +fixture = ["fixtures"] +test = ["fixtures", "mock", "purl", "pytest", "requests-futures", "sphinx", "testtools"] [[package]] name = "setuptools" -version = "69.0.3" +version = "69.1.1" description = "Easily download, build, install, upgrade, and uninstall Python packages" optional = false python-versions = ">=3.8" files = [ - {file = "setuptools-69.0.3-py3-none-any.whl", hash = "sha256:385eb4edd9c9d5c17540511303e39a147ce2fc04bc55289c322b9e5904fe2c05"}, - {file = "setuptools-69.0.3.tar.gz", hash = "sha256:be1af57fc409f93647f2e8e4573a142ed38724b8cdd389706a867bb4efcf1e78"}, + {file = "setuptools-69.1.1-py3-none-any.whl", hash = "sha256:02fa291a0471b3a18b2b2481ed902af520c69e8ae0919c13da936542754b4c56"}, + {file = "setuptools-69.1.1.tar.gz", hash = "sha256:5c0806c7d9af348e6dd3777b4f4dbb42c7ad85b190104837488eab9a7c945cf8"}, ] [package.extras] docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (>=1,<2)", "sphinx-reredirects", "sphinxcontrib-towncrier"] -testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pip (>=19.1)", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] -testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.1)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] +testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pip (>=19.1)", "pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-home (>=0.5)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff (>=0.2.1)", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] +testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] [[package]] name = "six" @@ -1008,34 +1492,15 @@ files = [ {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"}, ] -[[package]] -name = "source-asana" -version = "0.0.0" -description = "Source implementation for Asana." -optional = false -python-versions = "*" -files = [] -develop = true - -[package.dependencies] -airbyte-cdk = ">=0.2,<1.0" - -[package.extras] -tests = ["pytest (>=6.1,<7.0)", "pytest-mock (>=3.6.1,<3.7.0)", "requests-mock (>=1.9.3,<1.10.0)"] - -[package.source] -type = "directory" -url = "source_asana" - [[package]] name = "types-requests" -version = "2.31.0.20240106" +version = "2.31.0.20240218" description = "Typing stubs for requests" optional = false python-versions = ">=3.8" files = [ - {file = "types-requests-2.31.0.20240106.tar.gz", hash = "sha256:0e1c731c17f33618ec58e022b614a1a2ecc25f7dc86800b36ef341380402c612"}, - {file = "types_requests-2.31.0.20240106-py3-none-any.whl", hash = "sha256:da997b3b6a72cc08d09f4dba9802fdbabc89104b35fe24ee588e674037689354"}, + {file = "types-requests-2.31.0.20240218.tar.gz", hash = "sha256:f1721dba8385958f504a5386240b92de4734e047a08a40751c1654d1ac3349c5"}, + {file = "types_requests-2.31.0.20240218-py3-none-any.whl", hash = "sha256:a82807ec6ddce8f00fe0e949da6d6bc1fbf1715420218a9640d695f70a9e5a9b"}, ] [package.dependencies] @@ -1043,24 +1508,24 @@ urllib3 = ">=2" [[package]] name = "typing-extensions" -version = "4.9.0" +version = "4.10.0" description = "Backported and Experimental Type Hints for Python 3.8+" optional = false python-versions = ">=3.8" files = [ - {file = "typing_extensions-4.9.0-py3-none-any.whl", hash = "sha256:af72aea155e91adfc61c3ae9e0e342dbc0cba726d6cba4b6c72c1f34e47291cd"}, - {file = "typing_extensions-4.9.0.tar.gz", hash = "sha256:23478f88c37f27d76ac8aee6c905017a143b0b1b886c3c9f66bc2fd94f9f5783"}, + {file = "typing_extensions-4.10.0-py3-none-any.whl", hash = "sha256:69b1a937c3a517342112fb4c6df7e72fc39a38e7891a5730ed4985b5214b5475"}, + {file = "typing_extensions-4.10.0.tar.gz", hash = "sha256:b0abd7c89e8fb96f98db18d86106ff1d90ab692004eb746cf6eda2682f91b3cb"}, ] [[package]] name = "tzdata" -version = "2023.4" +version = "2024.1" description = "Provider of IANA time zone data" optional = false python-versions = ">=2" files = [ - {file = "tzdata-2023.4-py2.py3-none-any.whl", hash = "sha256:aa3ace4329eeacda5b7beb7ea08ece826c28d761cda36e747cfbf97996d39bf3"}, - {file = "tzdata-2023.4.tar.gz", hash = "sha256:dd54c94f294765522c77399649b4fefd95522479a664a0cec87f41bebc6148c9"}, + {file = "tzdata-2024.1-py2.py3-none-any.whl", hash = "sha256:9068bc196136463f5245e51efda838afa15aaeca9903f49050dfa2679db4d252"}, + {file = "tzdata-2024.1.tar.gz", hash = "sha256:2674120f8d891909751c38abcdfd386ac0a5a1127954fbc332af6b5ceae07efd"}, ] [[package]] @@ -1079,17 +1544,18 @@ six = "*" [[package]] name = "urllib3" -version = "2.1.0" +version = "2.2.1" description = "HTTP library with thread-safe connection pooling, file post, and more." optional = false python-versions = ">=3.8" files = [ - {file = "urllib3-2.1.0-py3-none-any.whl", hash = "sha256:55901e917a5896a349ff771be919f8bd99aff50b79fe58fec595eb37bbc56bb3"}, - {file = "urllib3-2.1.0.tar.gz", hash = "sha256:df7aa8afb0148fa78488e7899b2c59b5f4ffcfa82e6c54ccb9dd37c1d7b52d54"}, + {file = "urllib3-2.2.1-py3-none-any.whl", hash = "sha256:450b20ec296a467077128bff42b73080516e71b56ff59a60a02bef2232c4fa9d"}, + {file = "urllib3-2.2.1.tar.gz", hash = "sha256:d0570876c61ab9e520d776c38acbbb5b05a776d3f9ff98a5c8fd5162a444cf19"}, ] [package.extras] brotli = ["brotli (>=1.0.9)", "brotlicffi (>=0.8.0)"] +h2 = ["h2 (>=4,<5)"] socks = ["pysocks (>=1.5.6,!=1.5.7,<2.0)"] zstd = ["zstandard (>=0.18.0)"] @@ -1186,7 +1652,227 @@ files = [ {file = "wrapt-1.16.0.tar.gz", hash = "sha256:5f370f952971e7d17c7d1ead40e49f32345a7f7a5373571ef44d800d06b1899d"}, ] +[[package]] +name = "xxhash" +version = "3.4.1" +description = "Python binding for xxHash" +optional = false +python-versions = ">=3.7" +files = [ + {file = "xxhash-3.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:91dbfa55346ad3e18e738742236554531a621042e419b70ad8f3c1d9c7a16e7f"}, + {file = "xxhash-3.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:665a65c2a48a72068fcc4d21721510df5f51f1142541c890491afc80451636d2"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb11628470a6004dc71a09fe90c2f459ff03d611376c1debeec2d648f44cb693"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5bef2a7dc7b4f4beb45a1edbba9b9194c60a43a89598a87f1a0226d183764189"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9c0f7b2d547d72c7eda7aa817acf8791f0146b12b9eba1d4432c531fb0352228"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00f2fdef6b41c9db3d2fc0e7f94cb3db86693e5c45d6de09625caad9a469635b"}, + {file = "xxhash-3.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:23cfd9ca09acaf07a43e5a695143d9a21bf00f5b49b15c07d5388cadf1f9ce11"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6a9ff50a3cf88355ca4731682c168049af1ca222d1d2925ef7119c1a78e95b3b"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:f1d7c69a1e9ca5faa75546fdd267f214f63f52f12692f9b3a2f6467c9e67d5e7"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:672b273040d5d5a6864a36287f3514efcd1d4b1b6a7480f294c4b1d1ee1b8de0"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4178f78d70e88f1c4a89ff1ffe9f43147185930bb962ee3979dba15f2b1cc799"}, + {file = "xxhash-3.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9804b9eb254d4b8cc83ab5a2002128f7d631dd427aa873c8727dba7f1f0d1c2b"}, + {file = "xxhash-3.4.1-cp310-cp310-win32.whl", hash = "sha256:c09c49473212d9c87261d22c74370457cfff5db2ddfc7fd1e35c80c31a8c14ce"}, + {file = "xxhash-3.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:ebbb1616435b4a194ce3466d7247df23499475c7ed4eb2681a1fa42ff766aff6"}, + {file = "xxhash-3.4.1-cp310-cp310-win_arm64.whl", hash = "sha256:25dc66be3db54f8a2d136f695b00cfe88018e59ccff0f3b8f545869f376a8a46"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:58c49083801885273e262c0f5bbeac23e520564b8357fbb18fb94ff09d3d3ea5"}, + {file = "xxhash-3.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b526015a973bfbe81e804a586b703f163861da36d186627e27524f5427b0d520"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36ad4457644c91a966f6fe137d7467636bdc51a6ce10a1d04f365c70d6a16d7e"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:248d3e83d119770f96003271fe41e049dd4ae52da2feb8f832b7a20e791d2920"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2070b6d5bbef5ee031666cf21d4953c16e92c2f8a24a94b5c240f8995ba3b1d0"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b2746035f518f0410915e247877f7df43ef3372bf36cfa52cc4bc33e85242641"}, + {file = "xxhash-3.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a8ba6181514681c2591840d5632fcf7356ab287d4aff1c8dea20f3c78097088"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0aac5010869240e95f740de43cd6a05eae180c59edd182ad93bf12ee289484fa"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4cb11d8debab1626181633d184b2372aaa09825bde709bf927704ed72765bed1"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:b29728cff2c12f3d9f1d940528ee83918d803c0567866e062683f300d1d2eff3"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:a15cbf3a9c40672523bdb6ea97ff74b443406ba0ab9bca10ceccd9546414bd84"}, + {file = "xxhash-3.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:6e66df260fed01ed8ea790c2913271641c58481e807790d9fca8bfd5a3c13844"}, + {file = "xxhash-3.4.1-cp311-cp311-win32.whl", hash = "sha256:e867f68a8f381ea12858e6d67378c05359d3a53a888913b5f7d35fbf68939d5f"}, + {file = "xxhash-3.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:200a5a3ad9c7c0c02ed1484a1d838b63edcf92ff538770ea07456a3732c577f4"}, + {file = "xxhash-3.4.1-cp311-cp311-win_arm64.whl", hash = "sha256:1d03f1c0d16d24ea032e99f61c552cb2b77d502e545187338bea461fde253583"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c4bbba9b182697a52bc0c9f8ec0ba1acb914b4937cd4a877ad78a3b3eeabefb3"}, + {file = "xxhash-3.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9fd28a9da300e64e434cfc96567a8387d9a96e824a9be1452a1e7248b7763b78"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6066d88c9329ab230e18998daec53d819daeee99d003955c8db6fc4971b45ca3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:93805bc3233ad89abf51772f2ed3355097a5dc74e6080de19706fc447da99cd3"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:64da57d5ed586ebb2ecdde1e997fa37c27fe32fe61a656b77fabbc58e6fbff6e"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7a97322e9a7440bf3c9805cbaac090358b43f650516486746f7fa482672593df"}, + {file = "xxhash-3.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bbe750d512982ee7d831838a5dee9e9848f3fb440e4734cca3f298228cc957a6"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:fd79d4087727daf4d5b8afe594b37d611ab95dc8e29fe1a7517320794837eb7d"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:743612da4071ff9aa4d055f3f111ae5247342931dedb955268954ef7201a71ff"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:b41edaf05734092f24f48c0958b3c6cbaaa5b7e024880692078c6b1f8247e2fc"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:a90356ead70d715fe64c30cd0969072de1860e56b78adf7c69d954b43e29d9fa"}, + {file = "xxhash-3.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ac56eebb364e44c85e1d9e9cc5f6031d78a34f0092fea7fc80478139369a8b4a"}, + {file = "xxhash-3.4.1-cp312-cp312-win32.whl", hash = "sha256:911035345932a153c427107397c1518f8ce456f93c618dd1c5b54ebb22e73747"}, + {file = "xxhash-3.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:f31ce76489f8601cc7b8713201ce94b4bd7b7ce90ba3353dccce7e9e1fee71fa"}, + {file = "xxhash-3.4.1-cp312-cp312-win_arm64.whl", hash = "sha256:b5beb1c6a72fdc7584102f42c4d9df232ee018ddf806e8c90906547dfb43b2da"}, + {file = "xxhash-3.4.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:6d42b24d1496deb05dee5a24ed510b16de1d6c866c626c2beb11aebf3be278b9"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3b685fab18876b14a8f94813fa2ca80cfb5ab6a85d31d5539b7cd749ce9e3624"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:419ffe34c17ae2df019a4685e8d3934d46b2e0bbe46221ab40b7e04ed9f11137"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0e041ce5714f95251a88670c114b748bca3bf80cc72400e9f23e6d0d59cf2681"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc860d887c5cb2f524899fb8338e1bb3d5789f75fac179101920d9afddef284b"}, + {file = "xxhash-3.4.1-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:312eba88ffe0a05e332e3a6f9788b73883752be63f8588a6dc1261a3eaaaf2b2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:e01226b6b6a1ffe4e6bd6d08cfcb3ca708b16f02eb06dd44f3c6e53285f03e4f"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:9f3025a0d5d8cf406a9313cd0d5789c77433ba2004b1c75439b67678e5136537"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:6d3472fd4afef2a567d5f14411d94060099901cd8ce9788b22b8c6f13c606a93"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:43984c0a92f06cac434ad181f329a1445017c33807b7ae4f033878d860a4b0f2"}, + {file = "xxhash-3.4.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a55e0506fdb09640a82ec4f44171273eeabf6f371a4ec605633adb2837b5d9d5"}, + {file = "xxhash-3.4.1-cp37-cp37m-win32.whl", hash = "sha256:faec30437919555b039a8bdbaba49c013043e8f76c999670aef146d33e05b3a0"}, + {file = "xxhash-3.4.1-cp37-cp37m-win_amd64.whl", hash = "sha256:c9e1b646af61f1fc7083bb7b40536be944f1ac67ef5e360bca2d73430186971a"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:961d948b7b1c1b6c08484bbce3d489cdf153e4122c3dfb07c2039621243d8795"}, + {file = "xxhash-3.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:719a378930504ab159f7b8e20fa2aa1896cde050011af838af7e7e3518dd82de"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:74fb5cb9406ccd7c4dd917f16630d2e5e8cbbb02fc2fca4e559b2a47a64f4940"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5dab508ac39e0ab988039bc7f962c6ad021acd81fd29145962b068df4148c476"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8c59f3e46e7daf4c589e8e853d700ef6607afa037bfad32c390175da28127e8c"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8cc07256eff0795e0f642df74ad096f8c5d23fe66bc138b83970b50fc7f7f6c5"}, + {file = "xxhash-3.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e9f749999ed80f3955a4af0eb18bb43993f04939350b07b8dd2f44edc98ffee9"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:7688d7c02149a90a3d46d55b341ab7ad1b4a3f767be2357e211b4e893efbaaf6"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a8b4977963926f60b0d4f830941c864bed16aa151206c01ad5c531636da5708e"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:8106d88da330f6535a58a8195aa463ef5281a9aa23b04af1848ff715c4398fb4"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4c76a77dbd169450b61c06fd2d5d436189fc8ab7c1571d39265d4822da16df22"}, + {file = "xxhash-3.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:11f11357c86d83e53719c592021fd524efa9cf024dc7cb1dfb57bbbd0d8713f2"}, + {file = "xxhash-3.4.1-cp38-cp38-win32.whl", hash = "sha256:0c786a6cd74e8765c6809892a0d45886e7c3dc54de4985b4a5eb8b630f3b8e3b"}, + {file = "xxhash-3.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:aabf37fb8fa27430d50507deeab2ee7b1bcce89910dd10657c38e71fee835594"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6127813abc1477f3a83529b6bbcfeddc23162cece76fa69aee8f6a8a97720562"}, + {file = "xxhash-3.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ef2e194262f5db16075caea7b3f7f49392242c688412f386d3c7b07c7733a70a"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:71be94265b6c6590f0018bbf73759d21a41c6bda20409782d8117e76cd0dfa8b"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:10e0a619cdd1c0980e25eb04e30fe96cf8f4324758fa497080af9c21a6de573f"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fa122124d2e3bd36581dd78c0efa5f429f5220313479fb1072858188bc2d5ff1"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17032f5a4fea0a074717fe33477cb5ee723a5f428de7563e75af64bfc1b1e10"}, + {file = "xxhash-3.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ca7783b20e3e4f3f52f093538895863f21d18598f9a48211ad757680c3bd006f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d77d09a1113899fad5f354a1eb4f0a9afcf58cefff51082c8ad643ff890e30cf"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:21287bcdd299fdc3328cc0fbbdeaa46838a1c05391264e51ddb38a3f5b09611f"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:dfd7a6cc483e20b4ad90224aeb589e64ec0f31e5610ab9957ff4314270b2bf31"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:543c7fcbc02bbb4840ea9915134e14dc3dc15cbd5a30873a7a5bf66039db97ec"}, + {file = "xxhash-3.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:fe0a98d990e433013f41827b62be9ab43e3cf18e08b1483fcc343bda0d691182"}, + {file = "xxhash-3.4.1-cp39-cp39-win32.whl", hash = "sha256:b9097af00ebf429cc7c0e7d2fdf28384e4e2e91008130ccda8d5ae653db71e54"}, + {file = "xxhash-3.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:d699b921af0dcde50ab18be76c0d832f803034d80470703700cb7df0fbec2832"}, + {file = "xxhash-3.4.1-cp39-cp39-win_arm64.whl", hash = "sha256:2be491723405e15cc099ade1280133ccfbf6322d2ef568494fb7d07d280e7eee"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:431625fad7ab5649368c4849d2b49a83dc711b1f20e1f7f04955aab86cd307bc"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc6dbd5fc3c9886a9e041848508b7fb65fd82f94cc793253990f81617b61fe49"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3ff8dbd0ec97aec842476cb8ccc3e17dd288cd6ce3c8ef38bff83d6eb927817"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef73a53fe90558a4096e3256752268a8bdc0322f4692ed928b6cd7ce06ad4fe3"}, + {file = "xxhash-3.4.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:450401f42bbd274b519d3d8dcf3c57166913381a3d2664d6609004685039f9d3"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a162840cf4de8a7cd8720ff3b4417fbc10001eefdd2d21541a8226bb5556e3bb"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b736a2a2728ba45017cb67785e03125a79d246462dfa892d023b827007412c52"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0ae4c2e7698adef58710d6e7a32ff518b66b98854b1c68e70eee504ad061d8"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d6322c4291c3ff174dcd104fae41500e75dad12be6f3085d119c2c8a80956c51"}, + {file = "xxhash-3.4.1-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:dd59ed668801c3fae282f8f4edadf6dc7784db6d18139b584b6d9677ddde1b6b"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:92693c487e39523a80474b0394645b393f0ae781d8db3474ccdcead0559ccf45"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4603a0f642a1e8d7f3ba5c4c25509aca6a9c1cc16f85091004a7028607ead663"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6fa45e8cbfbadb40a920fe9ca40c34b393e0b067082d94006f7f64e70c7490a6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:595b252943b3552de491ff51e5bb79660f84f033977f88f6ca1605846637b7c6"}, + {file = "xxhash-3.4.1-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:562d8b8f783c6af969806aaacf95b6c7b776929ae26c0cd941d54644ea7ef51e"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:41ddeae47cf2828335d8d991f2d2b03b0bdc89289dc64349d712ff8ce59d0647"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c44d584afdf3c4dbb3277e32321d1a7b01d6071c1992524b6543025fb8f4206f"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd7bddb3a5b86213cc3f2c61500c16945a1b80ecd572f3078ddbbe68f9dabdfb"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9ecb6c987b62437c2f99c01e97caf8d25660bf541fe79a481d05732e5236719c"}, + {file = "xxhash-3.4.1-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:696b4e18b7023527d5c50ed0626ac0520edac45a50ec7cf3fc265cd08b1f4c03"}, + {file = "xxhash-3.4.1.tar.gz", hash = "sha256:0379d6cf1ff987cd421609a264ce025e74f346e3e145dd106c0cc2e3ec3f99a9"}, +] + +[[package]] +name = "yarl" +version = "1.9.4" +description = "Yet another URL library" +optional = false +python-versions = ">=3.7" +files = [ + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a8c1df72eb746f4136fe9a2e72b0c9dc1da1cbd23b5372f94b5820ff8ae30e0e"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a3a6ed1d525bfb91b3fc9b690c5a21bb52de28c018530ad85093cc488bee2dd2"}, + {file = "yarl-1.9.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c38c9ddb6103ceae4e4498f9c08fac9b590c5c71b0370f98714768e22ac6fa66"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9e09c9d74f4566e905a0b8fa668c58109f7624db96a2171f21747abc7524234"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b8477c1ee4bd47c57d49621a062121c3023609f7a13b8a46953eb6c9716ca392"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5ff2c858f5f6a42c2a8e751100f237c5e869cbde669a724f2062d4c4ef93551"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:357495293086c5b6d34ca9616a43d329317feab7917518bc97a08f9e55648455"}, + {file = "yarl-1.9.4-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54525ae423d7b7a8ee81ba189f131054defdb122cde31ff17477951464c1691c"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:801e9264d19643548651b9db361ce3287176671fb0117f96b5ac0ee1c3530d53"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e516dc8baf7b380e6c1c26792610230f37147bb754d6426462ab115a02944385"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:7d5aaac37d19b2904bb9dfe12cdb08c8443e7ba7d2852894ad448d4b8f442863"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:54beabb809ffcacbd9d28ac57b0db46e42a6e341a030293fb3185c409e626b8b"}, + {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bac8d525a8dbc2a1507ec731d2867025d11ceadcb4dd421423a5d42c56818541"}, + {file = "yarl-1.9.4-cp310-cp310-win32.whl", hash = "sha256:7855426dfbddac81896b6e533ebefc0af2f132d4a47340cee6d22cac7190022d"}, + {file = "yarl-1.9.4-cp310-cp310-win_amd64.whl", hash = "sha256:848cd2a1df56ddbffeb375535fb62c9d1645dde33ca4d51341378b3f5954429b"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:35a2b9396879ce32754bd457d31a51ff0a9d426fd9e0e3c33394bf4b9036b099"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c7d56b293cc071e82532f70adcbd8b61909eec973ae9d2d1f9b233f3d943f2c"}, + {file = "yarl-1.9.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d8a1c6c0be645c745a081c192e747c5de06e944a0d21245f4cf7c05e457c36e0"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b3c1ffe10069f655ea2d731808e76e0f452fc6c749bea04781daf18e6039525"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:549d19c84c55d11687ddbd47eeb348a89df9cb30e1993f1b128f4685cd0ebbf8"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a7409f968456111140c1c95301cadf071bd30a81cbd7ab829169fb9e3d72eae9"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e23a6d84d9d1738dbc6e38167776107e63307dfc8ad108e580548d1f2c587f42"}, + {file = "yarl-1.9.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d8b889777de69897406c9fb0b76cdf2fd0f31267861ae7501d93003d55f54fbe"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:03caa9507d3d3c83bca08650678e25364e1843b484f19986a527630ca376ecce"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4e9035df8d0880b2f1c7f5031f33f69e071dfe72ee9310cfc76f7b605958ceb9"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:c0ec0ed476f77db9fb29bca17f0a8fcc7bc97ad4c6c1d8959c507decb22e8572"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:ee04010f26d5102399bd17f8df8bc38dc7ccd7701dc77f4a68c5b8d733406958"}, + {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:49a180c2e0743d5d6e0b4d1a9e5f633c62eca3f8a86ba5dd3c471060e352ca98"}, + {file = "yarl-1.9.4-cp311-cp311-win32.whl", hash = "sha256:81eb57278deb6098a5b62e88ad8281b2ba09f2f1147c4767522353eaa6260b31"}, + {file = "yarl-1.9.4-cp311-cp311-win_amd64.whl", hash = "sha256:d1d2532b340b692880261c15aee4dc94dd22ca5d61b9db9a8a361953d36410b1"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0d2454f0aef65ea81037759be5ca9947539667eecebca092733b2eb43c965a81"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:44d8ffbb9c06e5a7f529f38f53eda23e50d1ed33c6c869e01481d3fafa6b8142"}, + {file = "yarl-1.9.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aaaea1e536f98754a6e5c56091baa1b6ce2f2700cc4a00b0d49eca8dea471074"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3777ce5536d17989c91696db1d459574e9a9bd37660ea7ee4d3344579bb6f129"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9fc5fc1eeb029757349ad26bbc5880557389a03fa6ada41703db5e068881e5f2"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ea65804b5dc88dacd4a40279af0cdadcfe74b3e5b4c897aa0d81cf86927fee78"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa102d6d280a5455ad6a0f9e6d769989638718e938a6a0a2ff3f4a7ff8c62cc4"}, + {file = "yarl-1.9.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:09efe4615ada057ba2d30df871d2f668af661e971dfeedf0c159927d48bbeff0"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:008d3e808d03ef28542372d01057fd09168419cdc8f848efe2804f894ae03e51"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6f5cb257bc2ec58f437da2b37a8cd48f666db96d47b8a3115c29f316313654ff"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:992f18e0ea248ee03b5a6e8b3b4738850ae7dbb172cc41c966462801cbf62cf7"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:0e9d124c191d5b881060a9e5060627694c3bdd1fe24c5eecc8d5d7d0eb6faabc"}, + {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:3986b6f41ad22988e53d5778f91855dc0399b043fc8946d4f2e68af22ee9ff10"}, + {file = "yarl-1.9.4-cp312-cp312-win32.whl", hash = "sha256:4b21516d181cd77ebd06ce160ef8cc2a5e9ad35fb1c5930882baff5ac865eee7"}, + {file = "yarl-1.9.4-cp312-cp312-win_amd64.whl", hash = "sha256:a9bd00dc3bc395a662900f33f74feb3e757429e545d831eef5bb280252631984"}, + {file = "yarl-1.9.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:63b20738b5aac74e239622d2fe30df4fca4942a86e31bf47a81a0e94c14df94f"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7d7f7de27b8944f1fee2c26a88b4dabc2409d2fea7a9ed3df79b67277644e17"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c74018551e31269d56fab81a728f683667e7c28c04e807ba08f8c9e3bba32f14"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ca06675212f94e7a610e85ca36948bb8fc023e458dd6c63ef71abfd482481aa5"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5aef935237d60a51a62b86249839b51345f47564208c6ee615ed2a40878dccdd"}, + {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2b134fd795e2322b7684155b7855cc99409d10b2e408056db2b93b51a52accc7"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d25039a474c4c72a5ad4b52495056f843a7ff07b632c1b92ea9043a3d9950f6e"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f7d6b36dd2e029b6bcb8a13cf19664c7b8e19ab3a58e0fefbb5b8461447ed5ec"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:957b4774373cf6f709359e5c8c4a0af9f6d7875db657adb0feaf8d6cb3c3964c"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d7eeb6d22331e2fd42fce928a81c697c9ee2d51400bd1a28803965883e13cead"}, + {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:6a962e04b8f91f8c4e5917e518d17958e3bdee71fd1d8b88cdce74dd0ebbf434"}, + {file = "yarl-1.9.4-cp37-cp37m-win32.whl", hash = "sha256:f3bc6af6e2b8f92eced34ef6a96ffb248e863af20ef4fde9448cc8c9b858b749"}, + {file = "yarl-1.9.4-cp37-cp37m-win_amd64.whl", hash = "sha256:ad4d7a90a92e528aadf4965d685c17dacff3df282db1121136c382dc0b6014d2"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:ec61d826d80fc293ed46c9dd26995921e3a82146feacd952ef0757236fc137be"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:8be9e837ea9113676e5754b43b940b50cce76d9ed7d2461df1af39a8ee674d9f"}, + {file = "yarl-1.9.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bef596fdaa8f26e3d66af846bbe77057237cb6e8efff8cd7cc8dff9a62278bbf"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d47552b6e52c3319fede1b60b3de120fe83bde9b7bddad11a69fb0af7db32f1"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:84fc30f71689d7fc9168b92788abc977dc8cefa806909565fc2951d02f6b7d57"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4aa9741085f635934f3a2583e16fcf62ba835719a8b2b28fb2917bb0537c1dfa"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:206a55215e6d05dbc6c98ce598a59e6fbd0c493e2de4ea6cc2f4934d5a18d130"}, + {file = "yarl-1.9.4-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:07574b007ee20e5c375a8fe4a0789fad26db905f9813be0f9fef5a68080de559"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5a2e2433eb9344a163aced6a5f6c9222c0786e5a9e9cac2c89f0b28433f56e23"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:6ad6d10ed9b67a382b45f29ea028f92d25bc0bc1daf6c5b801b90b5aa70fb9ec"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:6fe79f998a4052d79e1c30eeb7d6c1c1056ad33300f682465e1b4e9b5a188b78"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a825ec844298c791fd28ed14ed1bffc56a98d15b8c58a20e0e08c1f5f2bea1be"}, + {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8619d6915b3b0b34420cf9b2bb6d81ef59d984cb0fde7544e9ece32b4b3043c3"}, + {file = "yarl-1.9.4-cp38-cp38-win32.whl", hash = "sha256:686a0c2f85f83463272ddffd4deb5e591c98aac1897d65e92319f729c320eece"}, + {file = "yarl-1.9.4-cp38-cp38-win_amd64.whl", hash = "sha256:a00862fb23195b6b8322f7d781b0dc1d82cb3bcac346d1e38689370cc1cc398b"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:604f31d97fa493083ea21bd9b92c419012531c4e17ea6da0f65cacdcf5d0bd27"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:8a854227cf581330ffa2c4824d96e52ee621dd571078a252c25e3a3b3d94a1b1"}, + {file = "yarl-1.9.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ba6f52cbc7809cd8d74604cce9c14868306ae4aa0282016b641c661f981a6e91"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a6327976c7c2f4ee6816eff196e25385ccc02cb81427952414a64811037bbc8b"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8397a3817d7dcdd14bb266283cd1d6fc7264a48c186b986f32e86d86d35fbac5"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0381b4ce23ff92f8170080c97678040fc5b08da85e9e292292aba67fdac6c34"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:23d32a2594cb5d565d358a92e151315d1b2268bc10f4610d098f96b147370136"}, + {file = "yarl-1.9.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ddb2a5c08a4eaaba605340fdee8fc08e406c56617566d9643ad8bf6852778fc7"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:26a1dc6285e03f3cc9e839a2da83bcbf31dcb0d004c72d0730e755b33466c30e"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:18580f672e44ce1238b82f7fb87d727c4a131f3a9d33a5e0e82b793362bf18b4"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:29e0f83f37610f173eb7e7b5562dd71467993495e568e708d99e9d1944f561ec"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:1f23e4fe1e8794f74b6027d7cf19dc25f8b63af1483d91d595d4a07eca1fb26c"}, + {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:db8e58b9d79200c76956cefd14d5c90af54416ff5353c5bfd7cbe58818e26ef0"}, + {file = "yarl-1.9.4-cp39-cp39-win32.whl", hash = "sha256:c7224cab95645c7ab53791022ae77a4509472613e839dab722a72abe5a684575"}, + {file = "yarl-1.9.4-cp39-cp39-win_amd64.whl", hash = "sha256:824d6c50492add5da9374875ce72db7a0733b29c2394890aef23d533106e2b15"}, + {file = "yarl-1.9.4-py3-none-any.whl", hash = "sha256:928cecb0ef9d5a7946eb6ff58417ad2fe9375762382f1bf5c55e61645f2c43ad"}, + {file = "yarl-1.9.4.tar.gz", hash = "sha256:566db86717cf8080b99b58b083b773a908ae40f06681e87e589a976faf8246bf"}, +] + +[package.dependencies] +idna = ">=2.0" +multidict = ">=4.0" + [metadata] lock-version = "2.0" -python-versions = ">=3.11,<3.12" -content-hash = "0d0651b0bda37279dc247b2ffb08faf7af119353a7436ffe4be3ad3d69c0b1b8" +python-versions = "^3.11" +content-hash = "d115e71f80705b627954de6cd7f315d08e81e0e371c23bb05cdadc8afa463ccf" diff --git a/source-asana/pyproject.toml b/source-asana/pyproject.toml index 6fca8bcff8..707edca8e2 100644 --- a/source-asana/pyproject.toml +++ b/source-asana/pyproject.toml @@ -1,25 +1,21 @@ [tool.poetry] -name = "source-asana-estuary" +name = "source_asana" version = "0.1.0" description = "" authors = ["Jonathan Wihl ", "Johnny Graettinger "] [tool.poetry.dependencies] -source_asana = { path = "source_asana", develop = true} airbyte-cdk = "^0.52" -flow-sdk = {path="../python", develop = true} -jsonlines = "^4.0.0" -mypy = "^1.5" -orjson = "^3.9.7" -pydantic = "1.10.12" -python = ">=3.11,<3.12" -requests = "^2.31.0" +estuary-cdk = {path="../estuary-cdk", develop = true} +python = "^3.11" types-requests = "^2.31" -pytest = "^7.4.3" [tool.poetry.group.dev.dependencies] +debugpy = "^1.8.0" +mypy = "^1.8.0" pytest = "^7.4.3" -pytest-insta = "^0.2.0" +pytest-insta = "^0.3.0" +requests-mock = "^1.11.0" [build-system] requires = ["poetry-core"] diff --git a/source-asana/source_asana/.dockerignore b/source-asana/source_asana/.dockerignore deleted file mode 100644 index cf761bde7d..0000000000 --- a/source-asana/source_asana/.dockerignore +++ /dev/null @@ -1,6 +0,0 @@ -* -!Dockerfile -!main.py -!source_asana -!setup.py -!secrets diff --git a/source-asana/source_asana/BOOTSTRAP.md b/source-asana/source_asana/BOOTSTRAP.md deleted file mode 100644 index 4f31f66f07..0000000000 --- a/source-asana/source_asana/BOOTSTRAP.md +++ /dev/null @@ -1,25 +0,0 @@ -# Asana - -Asana is a project management platform designed to organize and manage teams and their work. -This connector adds ability to fetch projects, tasks, teams etc over REST API. -Connector is implemented with [Airbyte CDK](https://docs.airbyte.io/connector-development/cdk-python). - -Some streams depend on: - -- workspaces (Teams, Users, CustomFields, Projects, Tags, Users streams); -- projects (Events, SectionsCompact, Sections, Tasks streams); -- tasks (Events, StoriesCompact stream); -- storiescompact (Stories stream) -- teams (TeamMemberships stream). - -Each record can be uniquely identified by a `gid` key. -Asana API by default returns 3 fields for each record: `gid`, `name`, `resource_type`. -Because of that if we want to get additional fields we need to specify those fields in each request. -For this purpose there is `get_opt_fields()` function. -It goes through stream's schema and forms a set of fields to return for each request. - -Requests that hit any of Asana rate limits will receive a `429 Too Many Requests` response, which contains the standard Retry-After header indicating how many seconds the client should wait before retrying the request. - -[Here](https://developers.asana.com/docs/pagination) is a link with info on how pagination is implemented. - -See [this](https://docs.airbyte.io/integrations/sources/asana) link for the nuances about the connector. diff --git a/source-asana/source_asana/Dockerfile b/source-asana/source_asana/Dockerfile deleted file mode 100644 index 5c4f6e5908..0000000000 --- a/source-asana/source_asana/Dockerfile +++ /dev/null @@ -1,16 +0,0 @@ -FROM python:3.9-slim - -# Bash is installed for more convenient debugging. -RUN apt-get update && apt-get install -y bash && rm -rf /var/lib/apt/lists/* - -WORKDIR /airbyte/integration_code -COPY source_asana ./source_asana -COPY main.py ./ -COPY setup.py ./ -RUN pip install . - -ENV AIRBYTE_ENTRYPOINT "python /airbyte/integration_code/main.py" -ENTRYPOINT ["python", "/airbyte/integration_code/main.py"] - -LABEL io.airbyte.version=0.6.1 -LABEL io.airbyte.name=airbyte/source-asana diff --git a/source-asana/source_asana/README.md b/source-asana/source_asana/README.md deleted file mode 100644 index 84a96fb4db..0000000000 --- a/source-asana/source_asana/README.md +++ /dev/null @@ -1,99 +0,0 @@ -# Asana Source - -This is the repository for the Asana source connector, written in Python. -For information about how to use this connector within Airbyte, see [the documentation](https://docs.airbyte.io/integrations/sources/asana). - -## Local development - -### Prerequisites -**To iterate on this connector, make sure to complete this prerequisites section.** - -#### Minimum Python version required `= 3.7.0` - -#### Build & Activate Virtual Environment and install dependencies -From this connector directory, create a virtual environment: -``` -python -m venv .venv -``` - -This will generate a virtualenv for this module in `.venv/`. Make sure this venv is active in your -development environment of choice. To activate it from the terminal, run: -``` -source .venv/bin/activate -pip install -r requirements.txt -``` -If you are in an IDE, follow your IDE's instructions to activate the virtualenv. - -Note that while we are installing dependencies from `requirements.txt`, you should only edit `setup.py` for your dependencies. `requirements.txt` is -used for editable installs (`pip install -e`) to pull in Python dependencies from the monorepo and will call `setup.py`. -If this is mumbo jumbo to you, don't worry about it, just put your deps in `setup.py` but install using `pip install -r requirements.txt` and everything -should work as you expect. - -#### Create credentials -**If you are a community contributor**, follow the instructions in the [documentation](https://docs.airbyte.io/integrations/sources/asana) -to generate the necessary credentials. Then create a file `secrets/config.json` conforming to the `source_asana/spec.json` file. -Note that any directory named `secrets` is gitignored across the entire Airbyte repo, so there is no danger of accidentally checking in sensitive information. -See `integration_tests/sample_config.json` for a sample config file. - -**If you are an Airbyte core member**, copy the credentials in Lastpass under the secret name `source asana test creds` -and place them into `secrets/config.json`. - -### Locally running the connector -``` -python main.py spec -python main.py check --config secrets/config.json -python main.py discover --config secrets/config.json -python main.py read --config secrets/config.json --catalog integration_tests/configured_catalog.json -``` - -### Locally running the connector docker image - - -#### Build -**Via [`airbyte-ci`](https://github.com/airbytehq/airbyte/blob/master/airbyte-ci/connectors/pipelines/README.md) (recommended):** -```bash -airbyte-ci connectors --name=source-asana build -``` - -An image will be built with the tag `airbyte/source-asana:dev`. - -**Via `docker build`:** -```bash -docker build -t airbyte/source-asana:dev . -``` - -#### Run -Then run any of the connector commands as follows: -``` -docker run --rm airbyte/source-asana:dev spec -docker run --rm -v $(pwd)/secrets:/secrets airbyte/source-asana:dev check --config /secrets/config.json -docker run --rm -v $(pwd)/secrets:/secrets airbyte/source-asana:dev discover --config /secrets/config.json -docker run --rm -v $(pwd)/secrets:/secrets -v $(pwd)/integration_tests:/integration_tests airbyte/source-asana:dev read --config /secrets/config.json --catalog /integration_tests/configured_catalog.json -``` - -## Testing -You can run our full test suite locally using [`airbyte-ci`](https://github.com/airbytehq/airbyte/blob/master/airbyte-ci/connectors/pipelines/README.md): -```bash -airbyte-ci connectors --name=source-asana test -``` - -### Customizing acceptance Tests -Customize `acceptance-test-config.yml` file to configure tests. See [Connector Acceptance Tests](https://docs.airbyte.com/connector-development/testing-connectors/connector-acceptance-tests-reference) for more information. -If your connector requires to create or destroy resources for use during acceptance tests create fixtures for it and place them inside integration_tests/acceptance.py. - -## Dependency Management -All of your dependencies should go in `setup.py`, NOT `requirements.txt`. The requirements file is only used to connect internal Airbyte dependencies in the monorepo for local development. -We split dependencies between two groups, dependencies that are: -* required for your connector to work need to go to `MAIN_REQUIREMENTS` list. -* required for the testing need to go to `TEST_REQUIREMENTS` list - -### Publishing a new version of the connector -You've checked out the repo, implemented a million dollar feature, and you're ready to share your changes with the world. Now what? -1. Make sure your changes are passing our test suite: `airbyte-ci connectors --name=source-asana test` -2. Bump the connector version in `metadata.yaml`: increment the `dockerImageTag` value. Please follow [semantic versioning for connectors](https://docs.airbyte.com/contributing-to-airbyte/resources/pull-requests-handbook/#semantic-versioning-for-connectors). -3. Make sure the `metadata.yaml` content is up to date. -4. Make the connector documentation and its changelog is up to date (`docs/integrations/sources/asana.md`). -5. Create a Pull Request: use [our PR naming conventions](https://docs.airbyte.com/contributing-to-airbyte/resources/pull-requests-handbook/#pull-request-title-convention). -6. Pat yourself on the back for being an awesome contributor. -7. Someone from Airbyte will take a look at your PR and iterate with you to merge it into master. - diff --git a/source-asana/source_asana/source_asana/__init__.py b/source-asana/source_asana/__init__.py similarity index 100% rename from source-asana/source_asana/source_asana/__init__.py rename to source-asana/source_asana/__init__.py diff --git a/source-asana/source_asana/__main__.py b/source-asana/source_asana/__main__.py new file mode 100644 index 0000000000..f40486290f --- /dev/null +++ b/source-asana/source_asana/__main__.py @@ -0,0 +1,48 @@ +import estuary_cdk.pydantic_polyfill # Must be first. + +import asyncio +from estuary_cdk import shim_airbyte_cdk, flow +from source_asana import SourceAsana + + +def wrap_with_braces(body: str, count: int): + opening = "{" * count + closing = "}" * count + return f"{opening}{body}{closing}" + + +def urlencode_field(field: str): + return f"{wrap_with_braces('#urlencode',2)}{wrap_with_braces(field,3)}{wrap_with_braces('/urlencode',2)}" + + +asyncio.run( + shim_airbyte_cdk.CaptureShim( + delegate=SourceAsana(), + oauth2=flow.OAuth2Spec( + provider="asana", + authUrlTemplate=( + f"https://app.asana.com/-/oauth_authorize?" + f"client_id={wrap_with_braces('client_id',3)}&" + f"redirect_uri={urlencode_field('redirect_uri')}&" + f"response_type=code&" + f"state={urlencode_field('state')}&" + f"scope=default" + ), + accessTokenUrlTemplate=( + f"https://app.asana.com/-/oauth_token?" + f"grant_type=authorization_code&" + f"client_id={wrap_with_braces('client_id',3)}&" + f"client_secret={wrap_with_braces('client_secret',3)}&" + f"redirect_uri={urlencode_field('redirect_uri')}&" + f"code={urlencode_field('code')}" + ), + accessTokenResponseMap={ + "access_token": "/access_token", + "refresh_token": "/refresh_token", + }, + accessTokenBody="", # Uses query arguments. + accessTokenHeaders={}, + ), + schema_inference=True, + ).serve() +) diff --git a/source-asana/source_asana/acceptance-test-config.yml b/source-asana/source_asana/acceptance-test-config.yml deleted file mode 100644 index 853b640e05..0000000000 --- a/source-asana/source_asana/acceptance-test-config.yml +++ /dev/null @@ -1,42 +0,0 @@ -# See [Connector Acceptance Tests](https://docs.airbyte.com/connector-development/testing-connectors/connector-acceptance-tests-reference) -# for more information about how to configure these tests -connector_image: airbyte/source-asana:dev -test_strictness_level: high -acceptance_tests: - spec: - tests: - - spec_path: "source_asana/spec.json" - connection: - tests: - - config_path: "secrets/config.json" - status: "succeed" - - config_path: "integration_tests/invalid_config.json" - status: "failed" - discovery: - tests: - - config_path: "secrets/config.json" - basic_read: - tests: - - config_path: "secrets/config.json" - timeout_seconds: 7200 - expect_records: - bypass_reason: "Bypassed until dedicated sandbox account is up and running. Please follow https://github.com/airbytehq/airbyte/issues/19662." - empty_streams: - - name: custom_fields - bypass_reason: "This stream is not available on the account we're currently using. Please follow https://github.com/airbytehq/airbyte/issues/19662." - - name: events - bypass_reason: "This stream is not available on our current account." - - name: portfolios_compact - bypass_reason: "This stream is not available on our current account, it requires a business/enterprise account" - - name: portfolios - bypass_reason: "This stream is not available on our current account, it requires a business/enterprise account" - - name: portfolios_memberships - bypass_reason: "This stream is not available on our current account, it requires a business/enterprise account" - full_refresh: - # tests: - # - config_path: "secrets/config.json" - # configured_catalog_path: "integration_tests/configured_catalog.json" - # timeout_seconds: 7200 - bypass_reason: "As we are using an internal account the data is not frozen and results of `two-sequential-reads` are flaky. Please follow https://github.com/airbytehq/airbyte/issues/19662." - incremental: - bypass_reason: "Incremental syncs are not supported on this connector." diff --git a/source-asana/source_asana/icon.svg b/source-asana/source_asana/icon.svg deleted file mode 100644 index ea89cab617..0000000000 --- a/source-asana/source_asana/icon.svg +++ /dev/null @@ -1 +0,0 @@ - \ No newline at end of file diff --git a/source-asana/source_asana/integration_tests/__init__.py b/source-asana/source_asana/integration_tests/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/source-asana/source_asana/integration_tests/acceptance.py b/source-asana/source_asana/integration_tests/acceptance.py deleted file mode 100644 index 82823254d2..0000000000 --- a/source-asana/source_asana/integration_tests/acceptance.py +++ /dev/null @@ -1,14 +0,0 @@ -# -# Copyright (c) 2023 Airbyte, Inc., all rights reserved. -# - - -import pytest - -pytest_plugins = ("connector_acceptance_test.plugin",) - - -@pytest.fixture(scope="session", autouse=True) -def connector_setup(): - """This fixture is a placeholder for external resources that acceptance test might require.""" - yield diff --git a/source-asana/source_asana/integration_tests/configured_catalog.json b/source-asana/source_asana/integration_tests/configured_catalog.json deleted file mode 100644 index f7076719ea..0000000000 --- a/source-asana/source_asana/integration_tests/configured_catalog.json +++ /dev/null @@ -1,130 +0,0 @@ -{ - "streams": [ - { - "stream": { - "name": "attachments_compact", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "attachments", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "organization_exports", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "projects", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "sections_compact", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "sections", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "stories_compact", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "stories", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "tags", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "tasks", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "teams", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "team_memberships", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "users", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - }, - { - "stream": { - "name": "workspaces", - "json_schema": {}, - "supported_sync_modes": ["full_refresh"] - }, - "sync_mode": "full_refresh", - "destination_sync_mode": "overwrite" - } - ] -} diff --git a/source-asana/source_asana/integration_tests/invalid_config.json b/source-asana/source_asana/integration_tests/invalid_config.json deleted file mode 100644 index 46d700f311..0000000000 --- a/source-asana/source_asana/integration_tests/invalid_config.json +++ /dev/null @@ -1,3 +0,0 @@ -{ - "credentials": { "personal_access_token": "" } -} diff --git a/source-asana/source_asana/integration_tests/sample_config.json b/source-asana/source_asana/integration_tests/sample_config.json deleted file mode 100644 index 7f7e3f522e..0000000000 --- a/source-asana/source_asana/integration_tests/sample_config.json +++ /dev/null @@ -1,3 +0,0 @@ -{ - "access_token": "Your Personal Access Token." -} diff --git a/source-asana/source_asana/main.py b/source-asana/source_asana/main.py deleted file mode 100644 index ac64981a1e..0000000000 --- a/source-asana/source_asana/main.py +++ /dev/null @@ -1,13 +0,0 @@ -# -# Copyright (c) 2023 Airbyte, Inc., all rights reserved. -# - - -import sys - -from airbyte_cdk.entrypoint import launch -from source_asana import SourceAsana - -if __name__ == "__main__": - source = SourceAsana() - launch(source, sys.argv[1:]) diff --git a/source-asana/source_asana/metadata.yaml b/source-asana/source_asana/metadata.yaml deleted file mode 100644 index d3a4dd21bd..0000000000 --- a/source-asana/source_asana/metadata.yaml +++ /dev/null @@ -1,27 +0,0 @@ -data: - ab_internal: - ql: 300 - sl: 100 - allowedHosts: - hosts: - - app.asana.com - connectorSubtype: api - connectorType: source - definitionId: d0243522-dccf-4978-8ba0-37ed47a0bdbf - dockerImageTag: 0.6.1 - dockerRepository: airbyte/source-asana - documentationUrl: https://docs.airbyte.com/integrations/sources/asana - githubIssueLabel: source-asana - icon: asana.svg - license: MIT - name: Asana - registries: - cloud: - enabled: true - oss: - enabled: true - releaseStage: beta - supportLevel: community - tags: - - language:python -metadataSpecVersion: "1.0" diff --git a/source-asana/source_asana/source_asana/oauth.py b/source-asana/source_asana/oauth.py similarity index 100% rename from source-asana/source_asana/source_asana/oauth.py rename to source-asana/source_asana/oauth.py diff --git a/source-asana/source_asana/requirements.txt b/source-asana/source_asana/requirements.txt deleted file mode 100644 index d6e1198b1a..0000000000 --- a/source-asana/source_asana/requirements.txt +++ /dev/null @@ -1 +0,0 @@ --e . diff --git a/source-asana/source_asana/source_asana/schemas/attachments.json b/source-asana/source_asana/schemas/attachments.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/attachments.json rename to source-asana/source_asana/schemas/attachments.json diff --git a/source-asana/source_asana/source_asana/schemas/attachments_compact.json b/source-asana/source_asana/schemas/attachments_compact.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/attachments_compact.json rename to source-asana/source_asana/schemas/attachments_compact.json diff --git a/source-asana/source_asana/source_asana/schemas/custom_fields.json b/source-asana/source_asana/schemas/custom_fields.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/custom_fields.json rename to source-asana/source_asana/schemas/custom_fields.json diff --git a/source-asana/source_asana/source_asana/schemas/events.json b/source-asana/source_asana/schemas/events.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/events.json rename to source-asana/source_asana/schemas/events.json diff --git a/source-asana/source_asana/source_asana/schemas/organization_exports.json b/source-asana/source_asana/schemas/organization_exports.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/organization_exports.json rename to source-asana/source_asana/schemas/organization_exports.json diff --git a/source-asana/source_asana/source_asana/schemas/portfolios.json b/source-asana/source_asana/schemas/portfolios.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/portfolios.json rename to source-asana/source_asana/schemas/portfolios.json diff --git a/source-asana/source_asana/source_asana/schemas/portfolios_compact.json b/source-asana/source_asana/schemas/portfolios_compact.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/portfolios_compact.json rename to source-asana/source_asana/schemas/portfolios_compact.json diff --git a/source-asana/source_asana/source_asana/schemas/portfolios_memberships.json b/source-asana/source_asana/schemas/portfolios_memberships.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/portfolios_memberships.json rename to source-asana/source_asana/schemas/portfolios_memberships.json diff --git a/source-asana/source_asana/source_asana/schemas/projects.json b/source-asana/source_asana/schemas/projects.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/projects.json rename to source-asana/source_asana/schemas/projects.json diff --git a/source-asana/source_asana/source_asana/schemas/sections.json b/source-asana/source_asana/schemas/sections.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/sections.json rename to source-asana/source_asana/schemas/sections.json diff --git a/source-asana/source_asana/source_asana/schemas/sections_compact.json b/source-asana/source_asana/schemas/sections_compact.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/sections_compact.json rename to source-asana/source_asana/schemas/sections_compact.json diff --git a/source-asana/source_asana/source_asana/schemas/stories.json b/source-asana/source_asana/schemas/stories.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/stories.json rename to source-asana/source_asana/schemas/stories.json diff --git a/source-asana/source_asana/source_asana/schemas/stories_compact.json b/source-asana/source_asana/schemas/stories_compact.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/stories_compact.json rename to source-asana/source_asana/schemas/stories_compact.json diff --git a/source-asana/source_asana/source_asana/schemas/tags.json b/source-asana/source_asana/schemas/tags.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/tags.json rename to source-asana/source_asana/schemas/tags.json diff --git a/source-asana/source_asana/source_asana/schemas/tasks.json b/source-asana/source_asana/schemas/tasks.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/tasks.json rename to source-asana/source_asana/schemas/tasks.json diff --git a/source-asana/source_asana/source_asana/schemas/team_memberships.json b/source-asana/source_asana/schemas/team_memberships.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/team_memberships.json rename to source-asana/source_asana/schemas/team_memberships.json diff --git a/source-asana/source_asana/source_asana/schemas/teams.json b/source-asana/source_asana/schemas/teams.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/teams.json rename to source-asana/source_asana/schemas/teams.json diff --git a/source-asana/source_asana/source_asana/schemas/users.json b/source-asana/source_asana/schemas/users.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/users.json rename to source-asana/source_asana/schemas/users.json diff --git a/source-asana/source_asana/source_asana/schemas/workspaces.json b/source-asana/source_asana/schemas/workspaces.json similarity index 100% rename from source-asana/source_asana/source_asana/schemas/workspaces.json rename to source-asana/source_asana/schemas/workspaces.json diff --git a/source-asana/source_asana/setup.py b/source-asana/source_asana/setup.py deleted file mode 100644 index dda6ee977d..0000000000 --- a/source-asana/source_asana/setup.py +++ /dev/null @@ -1,25 +0,0 @@ -# -# Copyright (c) 2023 Airbyte, Inc., all rights reserved. -# - - -from setuptools import find_packages, setup - -MAIN_REQUIREMENTS = [ - "airbyte-cdk~=0.2", -] - -TEST_REQUIREMENTS = ["pytest-mock~=3.6.1", "pytest~=6.1", "requests-mock~=1.9.3"] - -setup( - name="source_asana", - description="Source implementation for Asana.", - author="Airbyte", - author_email="contact@airbyte.io", - packages=find_packages(), - install_requires=MAIN_REQUIREMENTS, - package_data={"": ["*.json", "schemas/*.json", "schemas/shared/*.json"]}, - extras_require={ - "tests": TEST_REQUIREMENTS, - }, -) diff --git a/source-asana/source_asana/source_asana/source.py b/source-asana/source_asana/source.py similarity index 100% rename from source-asana/source_asana/source_asana/source.py rename to source-asana/source_asana/source.py diff --git a/source-asana/source_asana/source_asana/spec.json b/source-asana/source_asana/spec.json similarity index 100% rename from source-asana/source_asana/source_asana/spec.json rename to source-asana/source_asana/spec.json diff --git a/source-asana/source_asana/source_asana/streams.py b/source-asana/source_asana/streams.py similarity index 100% rename from source-asana/source_asana/source_asana/streams.py rename to source-asana/source_asana/streams.py diff --git a/source-asana/test.flow.yaml b/source-asana/test.flow.yaml index e3797e7380..1c93d021ea 100644 --- a/source-asana/test.flow.yaml +++ b/source-asana/test.flow.yaml @@ -8,7 +8,7 @@ captures: command: - python - "-m" - - source-asana + - source_asana config: connector_config.yaml bindings: - resource: diff --git a/source-asana/source_asana/unit_tests/conftest.py b/source-asana/tests/conftest.py similarity index 100% rename from source-asana/source_asana/unit_tests/conftest.py rename to source-asana/tests/conftest.py diff --git a/source-asana/tests/snapshots/source_asana_tests_test_snapshots__capture__capture.stdout.json b/source-asana/tests/snapshots/source_asana_tests_test_snapshots__capture__capture.stdout.json index a27a32c618..482f72574d 100644 --- a/source-asana/tests/snapshots/source_asana_tests_test_snapshots__capture__capture.stdout.json +++ b/source-asana/tests/snapshots/source_asana_tests_test_snapshots__capture__capture.stdout.json @@ -3,7 +3,8 @@ "acmeCo/projects", { "_meta": { - "row_id": 1 + "op": "u", + "row_id": 0 }, "archived": false, "color": "dark-teal", @@ -61,7 +62,8 @@ "acmeCo/sections", { "_meta": { - "row_id": 1 + "op": "u", + "row_id": 0 }, "created_at": "2023-10-31T15:29:13.654Z", "gid": "1205846055668611", @@ -77,7 +79,8 @@ "acmeCo/sections", { "_meta": { - "row_id": 2 + "op": "u", + "row_id": 1 }, "created_at": "2023-10-31T15:29:14.200Z", "gid": "1205846055668613", @@ -93,7 +96,8 @@ "acmeCo/sections", { "_meta": { - "row_id": 3 + "op": "u", + "row_id": 2 }, "created_at": "2023-10-31T15:29:14.281Z", "gid": "1205846055668614", @@ -109,7 +113,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 1 + "op": "u", + "row_id": 0 }, "created_at": "2023-10-31T15:29:15.274Z", "created_by": { @@ -129,7 +134,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 2 + "op": "u", + "row_id": 1 }, "created_at": "2023-10-31T15:29:15.480Z", "created_by": { @@ -149,7 +155,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 4 + "op": "u", + "row_id": 3 }, "created_at": "2023-10-31T15:29:15.685Z", "created_by": { @@ -169,7 +176,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 5 + "op": "u", + "row_id": 4 }, "created_at": "2023-10-31T15:29:15.754Z", "created_by": { @@ -189,7 +197,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 7 + "op": "u", + "row_id": 6 }, "created_at": "2023-10-31T15:29:15.903Z", "created_by": { @@ -209,7 +218,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 3 + "op": "u", + "row_id": 2 }, "created_at": "2023-10-31T15:29:17.590Z", "created_by": { @@ -229,7 +239,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 6 + "op": "u", + "row_id": 5 }, "created_at": "2023-10-31T15:29:17.705Z", "created_by": { @@ -249,7 +260,8 @@ "acmeCo/stories", { "_meta": { - "row_id": 8 + "op": "u", + "row_id": 7 }, "created_at": "2023-10-31T15:29:17.808Z", "created_by": { @@ -269,7 +281,8 @@ "acmeCo/tasks", { "_meta": { - "row_id": 1 + "op": "u", + "row_id": 0 }, "assignee": { "gid": "1205846102972015" @@ -329,7 +342,8 @@ "acmeCo/tasks", { "_meta": { - "row_id": 2 + "op": "u", + "row_id": 1 }, "assignee": { "gid": "1205846102972015" @@ -389,7 +403,8 @@ "acmeCo/tasks", { "_meta": { - "row_id": 3 + "op": "u", + "row_id": 2 }, "assignee": null, "completed": false, diff --git a/source-asana/tests/snapshots/source_asana_tests_test_snapshots__spec__capture.stdout.json b/source-asana/tests/snapshots/source_asana_tests_test_snapshots__spec__capture.stdout.json index 4902eaa75f..48d5c316d9 100644 --- a/source-asana/tests/snapshots/source_asana_tests_test_snapshots__spec__capture.stdout.json +++ b/source-asana/tests/snapshots/source_asana_tests_test_snapshots__spec__capture.stdout.json @@ -82,30 +82,32 @@ } }, "resourceConfigSchema": { - "$schema": "http://json-schema.org/draft-07/schema#", + "title": "ResourceConfig", + "description": "ResourceConfig encodes a configured resource stream", "type": "object", "properties": { "stream": { + "title": "Stream", + "description": "Name of this stream", "type": "string" }, "syncMode": { - "type": "string", + "title": "Sync Mode", + "description": "Sync this resource incrementally, or fully refresh it every run", "enum": [ - "incremental", - "full_refresh" - ] + "full_refresh", + "incremental" + ], + "type": "string" }, "namespace": { - "type": [ - "string", - "null" - ] + "title": "Namespace", + "description": "Enclosing schema namespace of this resource", + "type": "string" }, "cursorField": { - "type": [ - "array", - "null" - ], + "title": "Cursor Field", + "type": "array", "items": { "type": "string" } @@ -115,7 +117,7 @@ "stream", "syncMode" ], - "title": "ResourceSpec" + "additionalProperties": false }, "documentationUrl": "https://docsurl.com", "oauth2": { diff --git a/source-asana/source_asana/unit_tests/test_oauth.py b/source-asana/tests/test_oauth.py similarity index 100% rename from source-asana/source_asana/unit_tests/test_oauth.py rename to source-asana/tests/test_oauth.py diff --git a/source-asana/tests/test_snapshots.py b/source-asana/tests/test_snapshots.py index d3aa5f01b8..bce44d040b 100644 --- a/source-asana/tests/test_snapshots.py +++ b/source-asana/tests/test_snapshots.py @@ -8,7 +8,7 @@ def test_capture(request, snapshot): "flowctl", "preview", "--source", - request.config.rootdir + "/source-asana/test.flow.yaml", + request.fspath.dirname + "/../test.flow.yaml", "--sessions", "1", "--delay", @@ -32,7 +32,7 @@ def test_discover(request, snapshot): "raw", "discover", "--source", - request.config.rootdir + "/source-asana/test.flow.yaml", + request.fspath.dirname + "/../test.flow.yaml", "-o", "json", "--emit-raw" @@ -52,7 +52,7 @@ def test_spec(request, snapshot): "raw", "spec", "--source", - request.config.rootdir + "/source-asana/test.flow.yaml" + request.fspath.dirname + "/../test.flow.yaml", ], stdout=subprocess.PIPE, text=True, From 7241cde1ea3abf4a8ab448c1426f3b5bfa0e5639 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Wed, 28 Feb 2024 22:49:00 +0000 Subject: [PATCH 06/14] estuary-cdk: update FetchChangesFn to be an AsyncGenerator of either wocuments or a LogCursor This avoids implementations from having to know the maximum LogCursor until they're done reading documents, and avoids nested async generators. Also add a BasicAuth credential type. --- estuary-cdk/estuary_cdk/capture/common.py | 40 +++++++++---------- estuary-cdk/estuary_cdk/flow.py | 5 +++ estuary-cdk/estuary_cdk/http.py | 24 +++++++---- .../source_hubspot_native/api.py | 23 +++++------ ...tests_test_snapshots__capture__stdout.json | 32 ++++++++------- 5 files changed, 68 insertions(+), 56 deletions(-) diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py index bafe68cec1..fcdda86c98 100644 --- a/estuary-cdk/estuary_cdk/capture/common.py +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -1,5 +1,8 @@ +import abc +import asyncio from dataclasses import dataclass -from datetime import datetime, timedelta, UTC +from datetime import UTC, datetime, timedelta +from logging import Logger from typing import ( Any, AsyncGenerator, @@ -11,19 +14,9 @@ Literal, TypeVar, ) -from logging import Logger -from pydantic import ( - AwareDatetime, - BaseModel, - Field, - NonNegativeInt, -) from uuid import UUID -import asyncio -import abc - -from . import Task, request, response +from pydantic import AwareDatetime, BaseModel, Field, NonNegativeInt from ..flow import ( AccessToken, @@ -32,6 +25,7 @@ OAuth2Spec, ValidationError, ) +from . import Task, request, response LogCursor = AwareDatetime | NonNegativeInt """LogCursor is a cursor into a logical log of changes. @@ -201,13 +195,15 @@ class ConnectorState(BaseModel, Generic[_BaseResourceState], extra="forbid"): FetchChangesFn = Callable[ [LogCursor, Logger], - Awaitable[tuple[AsyncGenerator[_BaseDocument, None], LogCursor]], + AsyncGenerator[_BaseDocument | LogCursor, None], ] """ FetchChangesFn is a function which fetches available documents since the LogCursor. -It returns a tuple of Documents and an update LogCursor which reflects progress -against processing the log. If no documents are available, then it returns an -empty AsyncGenerator rather than waiting indefinitely for more documents. +It yields Documents until no changes remain, then yields one updated LogCursor +which reflects progress made against processing the log, and then returns. + +If no documents are available at all, then it yields no documents and its +argument LogCursor. It does NOT wait indefinitely for more documents. Implementations may block for brief periods to await documents, such as while awaiting a server response, but should not block forever as it prevents the @@ -543,12 +539,16 @@ async def _binding_incremental_task( task.logger.info(f"resuming incremental replication", state) while True: - changes, next_cursor = await fetch_changes(state.cursor, task.logger) + next_cursor = state.cursor count = 0 - async for doc in changes: - task.captured(binding_index, doc) - count += 1 + + async for item in fetch_changes(state.cursor, task.logger): + if isinstance(item, BaseDocument): + task.captured(binding_index, item) + count += 1 + else: + next_cursor = item if count != 0 or next_cursor != state.cursor: state.cursor = next_cursor diff --git a/estuary-cdk/estuary_cdk/flow.py b/estuary-cdk/estuary_cdk/flow.py index 64a474dc20..c0334e8776 100644 --- a/estuary-cdk/estuary_cdk/flow.py +++ b/estuary-cdk/estuary_cdk/flow.py @@ -94,6 +94,11 @@ class AccessToken(BaseModel): access_token: str +class BasicAuth(BaseModel): + username: str + password: str + + @dataclass class ValidationError(Exception): """ValidationError is an exception type for one or more structured, diff --git a/estuary-cdk/estuary_cdk/http.py b/estuary-cdk/estuary_cdk/http.py index 1646f8561c..60e1508770 100644 --- a/estuary-cdk/estuary_cdk/http.py +++ b/estuary-cdk/estuary_cdk/http.py @@ -3,11 +3,12 @@ import abc import aiohttp import asyncio +import base64 import logging import time from . import Mixin, logger -from .flow import BaseOAuth2Credentials, AccessToken, OAuth2Spec +from .flow import BaseOAuth2Credentials, AccessToken, OAuth2Spec, BasicAuth # HTTPSession is an abstract base class for HTTP clients. @@ -36,13 +37,20 @@ class AccessTokenResponse(BaseModel): scope: str = "" spec: OAuth2Spec - credentials: BaseOAuth2Credentials | AccessToken + credentials: BaseOAuth2Credentials | AccessToken | BasicAuth _access_token: AccessTokenResponse | None = None _fetched_at: int = 0 - async def fetch_token(self, session: HTTPSession) -> str: + async def fetch_token(self, session: HTTPSession) -> tuple[str, str]: if isinstance(self.credentials, AccessToken): - return self.credentials.access_token + return ("Bearer", self.credentials.access_token) + elif isinstance(self.credentials, BasicAuth): + return ( + "Basic", + base64.b64encode( + f"{self.credentials.username}:{self.credentials.password}".encode() + ).decode(), + ) assert isinstance(self.credentials, BaseOAuth2Credentials) current_time = time.time() @@ -51,7 +59,7 @@ async def fetch_token(self, session: HTTPSession) -> str: horizon = self._fetched_at + self._access_token.expires_in * 0.75 if current_time < horizon: - return self._access_token.access_token + return ("Bearer", self._access_token.access_token) self._fetched_at = int(current_time) self._access_token = await self._fetch_oauth2_token(session, self.credentials) @@ -60,7 +68,7 @@ async def fetch_token(self, session: HTTPSession) -> str: "fetched OAuth2 access token", {"at": self._fetched_at, "expires_in": self._access_token.expires_in}, ) - return self._access_token.access_token + return ("Bearer", self._access_token.access_token) async def _fetch_oauth2_token( self, session: HTTPSession, credentials: BaseOAuth2Credentials @@ -156,8 +164,8 @@ async def _send_raw_request( headers = {} if with_token and self.token_source is not None: - token = await self.token_source.fetch_token(self) - headers["Authorization"] = f"Bearer {token}" + token_type, token = await self.token_source.fetch_token(self) + headers["Authorization"] = f"{token_type} {token}" async with self.inner.request( headers=headers, diff --git a/source-hubspot-native/source_hubspot_native/api.py b/source-hubspot-native/source_hubspot_native/api.py index f1336b99a7..1b5eb7ba24 100644 --- a/source-hubspot-native/source_hubspot_native/api.py +++ b/source-hubspot-native/source_hubspot_native/api.py @@ -154,7 +154,7 @@ async def fetch_changes( http: HTTPSession, log_cursor: LogCursor, logger: Logger, -) -> tuple[AsyncGenerator[CRMObject, None], LogCursor]: +) -> AsyncGenerator[CRMObject | LogCursor, None]: assert isinstance(log_cursor, datetime) # Walk pages of recent IDs until we see one which is as-old @@ -176,17 +176,16 @@ async def fetch_changes( recent.sort() # Oldest updates first. - async def fetcher() -> AsyncGenerator[CRMObject, None]: - for batch_it in itertools.batched(recent, 100): - batch = list(batch_it) + for batch_it in itertools.batched(recent, 100): + batch = list(batch_it) - documents: BatchResult[CRMObject] = await fetch_batch_with_associations( - cls, http, [id for _, id in batch] - ) - for doc in documents.results: - yield doc + documents: BatchResult[CRMObject] = await fetch_batch_with_associations( + cls, http, [id for _, id in batch] + ) + for doc in documents.results: + yield doc - return fetcher(), recent[-1][0] if recent else log_cursor + yield recent[-1][0] if recent else log_cursor async def fetch_recent_companies( @@ -228,9 +227,7 @@ async def fetch_recent_deals( url = f"{HUB}/deals/v1/deal/recent/modified" params = {"count": 100, "offset": page} if page else {"count": 1} - result = OldRecentDeals.model_validate_json( - await http.request(url, params=params) - ) + result = OldRecentDeals.model_validate_json(await http.request(url, params=params)) return ( (_ms_to_dt(r.properties.hs_lastmodifieddate.timestamp), str(r.dealId)) for r in result.results diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json index 138050ade0..f1353af8fc 100644 --- a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json @@ -1152,7 +1152,7 @@ "hs_analytics_source_data_2": "sample-contact", "hs_created_by_user_id": "63843671", "hs_date_entered_lead": "2024-02-08T02:36:27.739Z", - "hs_lastmodifieddate": "2024-02-27T06:53:41.988Z", + "hs_lastmodifieddate": "2024-02-28T22:41:14.697Z", "hs_num_blockers": "0", "hs_num_child_companies": "0", "hs_num_contacts_with_buying_roles": "0", @@ -1181,7 +1181,7 @@ "num_contacted_notes": "0", "num_conversion_events": "0", "num_notes": "1", - "numberofemployees": "15", + "numberofemployees": "16", "state": "NY", "timezone": "America/New_York", "twitterhandle": "EstuaryDev", @@ -1416,6 +1416,13 @@ } ], "hs_lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-28T22:41:14.697000Z", + "updatedByUserId": 63843671, + "value": "2024-02-28T22:41:14.697Z" + }, { "sourceId": "userId:63843671", "sourceType": "CRM_UI", @@ -1542,11 +1549,6 @@ "sourceType": "API", "timestamp": "2024-02-15T18:06:45.989000Z", "value": "2024-02-15T18:06:45.989Z" - }, - { - "sourceType": "API", - "timestamp": "2024-02-15T18:06:15.612000Z", - "value": "2024-02-15T18:06:15.612Z" } ], "hs_num_blockers": [ @@ -1899,6 +1901,13 @@ } ], "numberofemployees": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-28T22:41:14.697000Z", + "updatedByUserId": 63843671, + "value": "16" + }, { "sourceId": "userId:63843671", "sourceType": "CRM_UI", @@ -2031,13 +2040,6 @@ "timestamp": "2024-02-15T16:22:08.223000Z", "updatedByUserId": 63843671, "value": "16" - }, - { - "sourceId": "userId:63843671", - "sourceType": "CRM_UI", - "timestamp": "2024-02-15T16:21:49.250000Z", - "updatedByUserId": 63843671, - "value": "15" } ], "state": [ @@ -2102,7 +2104,7 @@ } ] }, - "updatedAt": "2024-02-27T06:53:41.988000Z" + "updatedAt": "2024-02-28T22:41:14.697000Z" } ], [ From fd41925beda5e846d6c2512cc51d3300bf407786 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Thu, 29 Feb 2024 16:27:07 +0000 Subject: [PATCH 07/14] estuary-cdk: refactor HTTPSesion to use request_stream request_stream() is an AsyncGenerator over arbitrary stream chunks. Then, request() and a new request_lines() are implemented in terms of request_stream(). This allows callers to efficiently process unbounded responses. --- estuary-cdk/estuary_cdk/http.py | 130 +++++++++++++++++++++----------- 1 file changed, 87 insertions(+), 43 deletions(-) diff --git a/estuary-cdk/estuary_cdk/http.py b/estuary-cdk/estuary_cdk/http.py index 60e1508770..668bc3b25f 100644 --- a/estuary-cdk/estuary_cdk/http.py +++ b/estuary-cdk/estuary_cdk/http.py @@ -1,5 +1,6 @@ from pydantic import BaseModel from dataclasses import dataclass +from typing import AsyncGenerator import abc import aiohttp import asyncio @@ -15,6 +16,16 @@ # Connectors should use this type for typing constraints. class HTTPSession(abc.ABC): @abc.abstractmethod + def request_stream( + self, + url: str, + method: str = "GET", + params=None, + json=None, + data=None, + with_token=True, + ) -> AsyncGenerator[bytes, None]: ... + async def request( self, url: str, @@ -23,7 +34,43 @@ async def request( json=None, data=None, with_token=True, - ) -> bytes: ... + ) -> bytes: + chunks: list[bytes] = [] + async for chunk in self.request_stream( + url, method, params=params, json=json, data=data, with_token=with_token + ): + chunks.append(chunk) + + if len(chunks) == 0: + return b"" + elif len(chunks) == 1: + return chunks[0] + else: + return b"".join(chunks) + + async def request_lines( + self, + url: str, + method: str = "GET", + params=None, + json=None, + data=None, + with_token=True, + delim=b'\n', + ) -> AsyncGenerator[bytes, None]: + buffer = b'' + async for chunk in self.request_stream( + url, method, params=params, json=json, data=data, with_token=with_token + ): + buffer += chunk + while delim in buffer: + line, buffer = buffer.split(delim, 1) + yield line + + if buffer: + yield buffer + + return @dataclass @@ -158,27 +205,7 @@ async def _mixin_exit(self, logger: logging.Logger): await self.inner.close() return self - async def _send_raw_request( - self, url: str, method: str, params, json, data, with_token - ) -> tuple[aiohttp.ClientResponse, bytes]: - - headers = {} - if with_token and self.token_source is not None: - token_type, token = await self.token_source.fetch_token(self) - headers["Authorization"] = f"{token_type} {token}" - - async with self.inner.request( - headers=headers, - json=json, - data=data, - method=method, - params=params, - url=url, - ) as resp: - - return (resp, await resp.read()) - - async def request( + async def request_stream( self, url: str, method: str = "GET", @@ -186,29 +213,46 @@ async def request( json=None, data=None, with_token=True, - ) -> bytes: + ) -> AsyncGenerator[bytes, None]: while True: cur_delay = self.rate_limiter.delay await asyncio.sleep(cur_delay) - resp, body = await self._send_raw_request( - url, method, params, json, data, with_token - ) - self.rate_limiter.update(cur_delay, resp.status == 429) - - if resp.status == 429: - pass - - elif resp.status >= 500 and resp.status < 600: - logger.warning( - "server internal error (will retry)", - {"body": body.decode("utf-8")}, - ) - elif resp.status >= 400 and resp.status < 500: - raise RuntimeError( - f"Encountered HTTP error status {resp.status} which cannot be retried.\nURL: {url}\nResponse:\n{body.decode('utf-8')}" - ) - else: - resp.raise_for_status() - return body + headers = {} + if with_token and self.token_source is not None: + token_type, token = await self.token_source.fetch_token(self) + headers["Authorization"] = f"{token_type} {token}" + + async with self.inner.request( + headers=headers, + json=json, + data=data, + method=method, + params=params, + url=url, + ) as resp: + + self.rate_limiter.update(cur_delay, resp.status == 429) + + if resp.status == 429: + pass + + elif resp.status >= 500 and resp.status < 600: + body = await resp.read() + logger.warning( + "server internal error (will retry)", + {"body": body.decode("utf-8")}, + ) + elif resp.status >= 400 and resp.status < 500: + body = await resp.read() + raise RuntimeError( + f"Encountered HTTP error status {resp.status} which cannot be retried.\nURL: {url}\nResponse:\n{body.decode('utf-8')}" + ) + else: + resp.raise_for_status() + + async for chunk in resp.content.iter_any(): + yield chunk + + return From b3aac11fbad7ab2593d225cd7f1963b32ff15041 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Thu, 29 Feb 2024 17:13:00 +0000 Subject: [PATCH 08/14] estuary-cdk: FetchChangesFn contract now allows for incremental streaming Rework the contract to allow implementations to yield checkpoints at times of their choosing. This allows for more ergonomic handling of long-lived push streams of documents. --- estuary-cdk/estuary_cdk/capture/common.py | 70 ++++++++++++++----- .../source_hubspot_native/api.py | 3 +- ...tests_test_snapshots__capture__stdout.json | 25 ++++--- 3 files changed, 72 insertions(+), 26 deletions(-) diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py index fcdda86c98..57ef584925 100644 --- a/estuary-cdk/estuary_cdk/capture/common.py +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -198,19 +198,34 @@ class ConnectorState(BaseModel, Generic[_BaseResourceState], extra="forbid"): AsyncGenerator[_BaseDocument | LogCursor, None], ] """ -FetchChangesFn is a function which fetches available documents since the LogCursor. -It yields Documents until no changes remain, then yields one updated LogCursor -which reflects progress made against processing the log, and then returns. +FetchChangesFn fetches available checkpoints since the provided last LogCursor. -If no documents are available at all, then it yields no documents and its -argument LogCursor. It does NOT wait indefinitely for more documents. +Checkpoints consist of a yielded sequence of documents followed by a LogCursor, +where the LogCursor checkpoints those preceding documents. -Implementations may block for brief periods to await documents, such as while -awaiting a server response, but should not block forever as it prevents the +Yielded LogCursors MUST be strictly increasing relative to the argument +LogCursor and also to previously yielded LogCursors. + +It's an error if FetchChangesFn yields documents, and then returns without +yielding a final LogCursor. NOTE(johnny): if needed, we could extend the +contract to allow an explicit "roll back" sentinel. + +FetchChangesFn yields until no further checkpoints are readily available, +and then returns. If no checkpoints are available at all, +it returns yields nothing and returns. + +Implementations may block for brief periods to await checkpoints, such as while +awaiting a server response, but MUST NOT block forever as it prevents the connector from exiting. -Implementations should NOT sleep or implement their own coarse rate limit. -Instead, configure a resource `interval` to enable periodic polling. +Implementations MAY return early, such as if it's convenient to fetch only +a next page of recent changes. If an implementation yields any checkpoints, +then it is immediately re-invoked. + +Otherwise if it returns without yielding a checkpoint, then +`ResourceConfig.interval` is respected between invocations. +Implementations SHOULD NOT sleep or implement their own coarse rate limit +(use `ResourceConfig.interval`). """ @@ -540,21 +555,42 @@ async def _binding_incremental_task( while True: - next_cursor = state.cursor - count = 0 + checkpoints = 0 + pending = False async for item in fetch_changes(state.cursor, task.logger): if isinstance(item, BaseDocument): task.captured(binding_index, item) - count += 1 + pending = True else: - next_cursor = item - if count != 0 or next_cursor != state.cursor: - state.cursor = next_cursor - task.checkpoint(connector_state) + # Ensure LogCursor types match and that they're strictly increasing. + is_larger = False + if isinstance(item, int) and isinstance(state.cursor, int): + is_larger = item > state.cursor + elif isinstance(item, datetime) and isinstance(state.cursor, datetime): + is_larger = item > state.cursor + else: + raise RuntimeError( + f"Implementation error: FetchChangesFn yielded LogCursor {item} of a different type than the last LogCursor {state.cursor}", + ) + + if not is_larger: + raise RuntimeError( + f"Implementation error: FetchChangesFn yielded LogCursor {item} which is not greater than the last LogCursor {state.cursor}", + ) + + state.cursor = item + task.checkpoint(connector_state) + checkpoints += 1 + pending = False + + if pending: + raise RuntimeError( + "Implementation error: FetchChangesFn yielded a documents without a final LogCursor", + ) - if count != 0: + if checkpoints: continue # Immediately fetch subsequent changes. # At this point we've fully caught up with the log and are idle. diff --git a/source-hubspot-native/source_hubspot_native/api.py b/source-hubspot-native/source_hubspot_native/api.py index 1b5eb7ba24..65e5fbc3d6 100644 --- a/source-hubspot-native/source_hubspot_native/api.py +++ b/source-hubspot-native/source_hubspot_native/api.py @@ -185,7 +185,8 @@ async def fetch_changes( for doc in documents.results: yield doc - yield recent[-1][0] if recent else log_cursor + if recent: + yield recent[-1][0] async def fetch_recent_companies( diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json index f1353af8fc..7d274d2864 100644 --- a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__capture__stdout.json @@ -1131,7 +1131,7 @@ "properties": { "address": "244 5th Avenue", "address2": "1277", - "annualrevenue": "10000000", + "annualrevenue": "1000000", "city": "New York", "country": "United States", "createdate": "2024-02-08T02:36:27.739Z", @@ -1152,7 +1152,7 @@ "hs_analytics_source_data_2": "sample-contact", "hs_created_by_user_id": "63843671", "hs_date_entered_lead": "2024-02-08T02:36:27.739Z", - "hs_lastmodifieddate": "2024-02-28T22:41:14.697Z", + "hs_lastmodifieddate": "2024-02-29T17:12:01.335Z", "hs_num_blockers": "0", "hs_num_child_companies": "0", "hs_num_contacts_with_buying_roles": "0", @@ -1206,6 +1206,13 @@ } ], "annualrevenue": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-29T17:12:01.335000Z", + "updatedByUserId": 63843671, + "value": "1000000" + }, { "sourceType": "COMPANY_INSIGHTS", "timestamp": "2024-02-19T21:39:53.367000Z", @@ -1416,6 +1423,13 @@ } ], "hs_lastmodifieddate": [ + { + "sourceId": "userId:63843671", + "sourceType": "CRM_UI", + "timestamp": "2024-02-29T17:12:01.335000Z", + "updatedByUserId": 63843671, + "value": "2024-02-29T17:12:01.335Z" + }, { "sourceId": "userId:63843671", "sourceType": "CRM_UI", @@ -1544,11 +1558,6 @@ "timestamp": "2024-02-16T17:37:34.730000Z", "updatedByUserId": 63843671, "value": "2024-02-16T17:37:34.730Z" - }, - { - "sourceType": "API", - "timestamp": "2024-02-15T18:06:45.989000Z", - "value": "2024-02-15T18:06:45.989Z" } ], "hs_num_blockers": [ @@ -2104,7 +2113,7 @@ } ] }, - "updatedAt": "2024-02-28T22:41:14.697000Z" + "updatedAt": "2024-02-29T17:12:01.335000Z" } ], [ From 617457bd1ceac8d9403b9337d2de127c3f64cbe4 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Fri, 1 Mar 2024 00:12:46 +0000 Subject: [PATCH 09/14] introduce new actions workflow for python connectors Begin to factor out common setup steps into reuseable composite actions. Add a common estuary-cdk Dockerfile --- .github/actions/deploy/action.yaml | 78 ++++++++++++++++++++++++++ .github/actions/setup/action.yaml | 66 ++++++++++++++++++++++ .github/workflows/ci.yaml | 8 +-- .github/workflows/python.yaml | 88 ++++++++++++++++++++++++++++++ estuary-cdk/common.Dockerfile | 37 +++++++++++++ 5 files changed, 270 insertions(+), 7 deletions(-) create mode 100644 .github/actions/deploy/action.yaml create mode 100644 .github/actions/setup/action.yaml create mode 100644 .github/workflows/python.yaml create mode 100644 estuary-cdk/common.Dockerfile diff --git a/.github/actions/deploy/action.yaml b/.github/actions/deploy/action.yaml new file mode 100644 index 0000000000..6d6d6d0fc3 --- /dev/null +++ b/.github/actions/deploy/action.yaml @@ -0,0 +1,78 @@ +name: Common Deployment Steps +description: Implements common deployment steps of all connector workflows +inputs: + connector: + description: Image name of this connector. + required: true + pg_database: + description: Postgres database to use. + required: true + pg_host: + description: Postgres host to use. + required: true + pg_password: + description: Postgres password to use. + required: true + pg_user: + description: Postgres user to use. + required: true + tag_sha: + description: Short tag of the commit SHA1, such as 'f32dc1a'. + required: true + tag_version: + description: Version tag of the connector, such as `v1`. + required: true + variants: + description: Space-separated variant image names of this connector. + default: '' + required: false + +runs: + using: "composite" + steps: + + - name: Push ${{ inputs.connector }} ${{ inputs.variants }} image(s) with commit SHA tag + shell: bash + run: | + for VARIANT in ${{ inputs.connector }} ${{ inputs.variants }}; do + echo "Building and pushing ${VARIANT}:${{ inputs.tag }}..."; + docker build --build-arg BASE_CONNECTOR=ghcr.io/estuary/${{ inputs.connector }}:local \ + --build-arg DOCS_URL=https://go.estuary.dev/${VARIANT} \ + --tag ghcr.io/estuary/${VARIANT}:${{ inputs.tag_sha }} \ + --file connector-variant.Dockerfile .; + docker image push ghcr.io/estuary/${VARIANT}:${{ inputs.tag_sha }}; + done + + - name: Push ${{ inputs.connector }} image(s) with 'dev' and '${{ inputs.tag_version }}' tags + if: ${{ github.event_name == 'push' }} + shell: bash + run: | + for VARIANT in ${{ inputs.connector }} ${{ inputs.variants }}; do + docker image tag ghcr.io/estuary/${VARIANT}:${{ inputs.tag_sha }} ghcr.io/estuary/${VARIANT}:dev; + docker image tag ghcr.io/estuary/${VARIANT}:${{ inputs.tag_sha }} ghcr.io/estuary/${VARIANT}:${{ inputs.tag_version }}; + + docker image push ghcr.io/estuary/${VARIANT}:dev; + docker image push ghcr.io/estuary/${VARIANT}:${{ inputs.tag_version }}; + done + + - name: Install psql + if: ${{ github.event_name == 'push' }} + shell: bash + run: sudo apt install postgresql + + - name: Refresh connector tags for ${{ inputs.connector }} + if: ${{ github.event_name == 'push' }} + shell: bash + env: + PGDATABASE: ${{ inputs.pg_database }} + PGHOST: ${{ inputs.pg_host }} + PGPASSWORD: ${{ inputs.pg_password }} + PGUSER: ${{ inputs.pg_user }} + run: | + for VARIANT in ${{ inputs.connector }} ${{ inputs.variants }}; do + echo "UPDATE connector_tags SET job_status='{\"type\": \"queued\"}' + WHERE connector_id IN ( + SELECT id FROM connectors WHERE image_name='ghcr.io/estuary/${VARIANT}' + ) AND image_tag IN (':${{ inputs.tag_version }}', ':dev');" | psql; + done + diff --git a/.github/actions/setup/action.yaml b/.github/actions/setup/action.yaml new file mode 100644 index 0000000000..5fd49bcd53 --- /dev/null +++ b/.github/actions/setup/action.yaml @@ -0,0 +1,66 @@ +name: Common Setup Steps +description: Implements common setup steps of all connector workflows + +inputs: + github_token: + description: GitHub token to use. + required: true + gcp_project_id: + description: GCP Project for which to set up a service account. + required: true + gcp_service_account_key: + description: GCP Service account. + required: true + +outputs: + tag_sha: + description: Short tag of the commit SHA1 + value: ${{ steps.determine-sha-tag.outputs.tag }} + +runs: + using: "composite" + steps: + + - name: Determine current SHA tag. + shell: bash + id: determine-sha-tag + run: | + TAG=$(echo $GITHUB_SHA | head -c7) + echo "tag=${TAG}" >> $GITHUB_OUTPUT + + - name: Download latest Flow release binaries and add them to $PATH + shell: bash + run: | + ./fetch-flow.sh + echo "${PWD}/flow-bin" >> $GITHUB_PATH + + - name: Login to GitHub package docker registry + shell: bash + run: | + echo "${{ inputs.github_token }}" | \ + docker login --username ${{ github.actor }} --password-stdin ghcr.io + + - name: Set up Docker Buildx + uses: docker/setup-buildx-action@v1 + with: + driver-opts: network=host + + - name: Create docker network flow-test + shell: bash + run: docker network create flow-test + + - name: Authenticate with GCloud + uses: google-github-actions/auth@v2 + with: + credentials_json: ${{ inputs.gcp_service_account_key }} + + - name: Set up GCloud SDK + uses: google-github-actions/setup-gcloud@v2 + +# - name: Set up Cloud SDK +# if: ${{ inputs.gcp_project_id }} +# uses: google-github-actions/setup-gcloud@v0 +# with: +# project_id: ${{ inputs.gcp_project_id }} +# service_account_key: ${{ inputs.gcp_service_account_key }} +# export_default_credentials: true diff --git a/.github/workflows/ci.yaml b/.github/workflows/ci.yaml index 2c608ba1ab..38f0939e9d 100644 --- a/.github/workflows/ci.yaml +++ b/.github/workflows/ci.yaml @@ -6,16 +6,13 @@ concurrency: on: push: - # TODO: Remove jshearer/python_connector_testing before merging - branches: [main, jshearer/python_connector_testing] + branches: [main] pull_request: branches: [main] jobs: build_base_image: runs-on: ubuntu-20.04 - strategy: - fail-fast: false steps: - uses: actions/checkout@v2 with: @@ -121,9 +118,6 @@ jobs: - connector: source-shopify connector_type: capture python: true - - connector: source-asana - connector_type: capture - python: true - connector: source-airtable connector_type: capture python: true diff --git a/.github/workflows/python.yaml b/.github/workflows/python.yaml new file mode 100644 index 0000000000..d50b00d2b9 --- /dev/null +++ b/.github/workflows/python.yaml @@ -0,0 +1,88 @@ +name: Python Connectors + +on: + push: + branches: [main] + paths: + - "estuary-cdk/**" + - "source-asana/**" + - "source-google-sheets-native/**" + - "source-hubspot-native/**" + pull_request: + branches: [main] + paths: + - "estuary-cdk/**" + - "source-asana/**" + - "source-google-sheets-native/**" + - "source-hubspot-native/**" + +concurrency: + group: ${{ github.workflow }}-${{ github.ref }} + cancel-in-progress: true + +jobs: + py_connector: + runs-on: ubuntu-latest + strategy: + fail-fast: false + matrix: + connector: + - name: source-asana + type: capture + version: v1 + - name: source-hubspot-native + type: capture + version: v1 + - name: source-google-sheets-native + type: capture + version: v1 + + steps: + - uses: actions/checkout@v4 + + - name: Common Setup + id: setup + uses: ./.github/actions/setup + with: + github_token: ${{ secrets.GITHUB_TOKEN }} + gcp_project_id: ${{ secrets.GCP_PROJECT_ID }} + gcp_service_account_key: ${{ secrets.GCP_SERVICE_ACCOUNT_KEY }} + + - name: Install Python + uses: actions/setup-python@v5 + with: + python-version: "3.12" + + - name: Install Poetry + uses: snok/install-poetry@v1 + + - name: ${{ matrix.connector.name }} tests + run: | + cd ${{ matrix.connector.name }} + poetry install + source $(poetry env info --path)/bin/activate + cd .. + pytest ${{ matrix.connector.name }} + + - name: Build ${{ matrix.connector.name }} Docker Image + uses: docker/build-push-action@v2 + with: + context: . + file: estuary-cdk/common.Dockerfile + load: true + build-args: | + CONNECTOR_NAME=${{ matrix.connector.name }} + CONNECTOR_TYPE=${{ matrix.connector.type }} + tags: ghcr.io/estuary/${{ matrix.connector.name }}:local + + - name: Deployment + uses: ./.github/actions/deploy + with: + connector: ${{ matrix.connector.name }} + pg_database: ${{ secrets.POSTGRES_CONNECTOR_REFRESH_DATABASE }} + pg_host: ${{ secrets.POSTGRES_CONNECTOR_REFRESH_HOST }} + pg_password: ${{ secrets.POSTGRES_CONNECTOR_REFRESH_PASSWORD }} + pg_user: ${{ secrets.POSTGRES_CONNECTOR_REFRESH_USER }} + tag_sha: ${{ steps.setup.outputs.tag_sha }} + tag_version: ${{ matrix.connector.version }} + variants: ${{ matrix.connector.variants }} \ No newline at end of file diff --git a/estuary-cdk/common.Dockerfile b/estuary-cdk/common.Dockerfile new file mode 100644 index 0000000000..c51e5b28de --- /dev/null +++ b/estuary-cdk/common.Dockerfile @@ -0,0 +1,37 @@ +# syntax=docker/dockerfile:1 +FROM python:3.12-slim as base +FROM base as builder + +ARG CONNECTOR_NAME + +RUN apt-get update && \ + apt install -y --no-install-recommends \ + python3-poetry + +RUN python -m venv /opt/venv +ENV VIRTUAL_ENV=/opt/venv + +WORKDIR /opt/${CONNECTOR_NAME} +COPY ${CONNECTOR_NAME} /opt/${CONNECTOR_NAME} +COPY estuary-cdk /opt/estuary-cdk + +RUN poetry install + + +FROM base as runner + +ARG CONNECTOR_NAME +ARG CONNECTOR_TYPE +ARG DOCS_URL + +LABEL FLOW_RUNTIME_PROTOCOL=${CONNECTOR_TYPE} +LABEL FLOW_RUNTIME_CODEC=json + +COPY --from=builder /opt/$CONNECTOR_NAME /opt/$CONNECTOR_NAME +COPY --from=builder /opt/estuary-cdk /opt/estuary-cdk +COPY --from=builder /opt/venv /opt/venv + +ENV DOCS_URL=${DOCS_URL} +ENV CONNECTOR_NAME=${CONNECTOR_NAME} + +CMD /opt/venv/bin/python -m $(echo "$CONNECTOR_NAME" | tr '-' '_') \ No newline at end of file From 249844eb8a4b38bcdf01afd1da83d8c4061d6a7a Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Fri, 1 Mar 2024 19:30:06 +0000 Subject: [PATCH 10/14] estuary-cdk: give Spec.connectorType a (temporary) default --- estuary-cdk/estuary_cdk/capture/request.py | 5 ++++- 1 file changed, 4 insertions(+), 1 deletion(-) diff --git a/estuary-cdk/estuary_cdk/capture/request.py b/estuary-cdk/estuary_cdk/capture/request.py index df780eb09b..7e13dc33d9 100644 --- a/estuary-cdk/estuary_cdk/capture/request.py +++ b/estuary-cdk/estuary_cdk/capture/request.py @@ -14,7 +14,10 @@ class Spec(BaseModel): - connectorType: ConnectorType + # TODO(johnny): This shouldn't have a default. + # This is a temporary accommodation while this fix circulates: + # https://github.com/estuary/flow/pull/1400 + connectorType: ConnectorType = "IMAGE" class Discover(GenericModel, Generic[EndpointConfig]): From 00c1431ce41c9823407a2cbc7bda394b6b2f5d8c Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Fri, 1 Mar 2024 19:34:18 +0000 Subject: [PATCH 11/14] estuary-cdk: generate discovered schemas for serialization, not validation --- estuary-cdk/estuary_cdk/capture/common.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py index 57ef584925..c7e85f436a 100644 --- a/estuary-cdk/estuary_cdk/capture/common.py +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -270,7 +270,7 @@ def discovered( if isinstance(resource.model, Resource.FixedSchema): schema = resource.model.value else: - schema = resource.model.model_json_schema() + schema = resource.model.model_json_schema(mode='serialization') if resource.schema_inference: schema["x-infer-schema"] = True From f4f913e220646de7fb5c8257c8b1fd60481918ae Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Fri, 1 Mar 2024 20:53:36 +0000 Subject: [PATCH 12/14] estuary-cdk: don't schematize /_meta/uuid The runtime currently uses a non-UUID placeholder internally, which causes spurious schema violations --- estuary-cdk/estuary_cdk/capture/common.py | 2 - ...ests_test_snapshots__discover__stdout.json | 20 +---- ...ests_test_snapshots__discover__stdout.json | 75 +++---------------- 3 files changed, 13 insertions(+), 84 deletions(-) diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py index c7e85f436a..94d2d172d8 100644 --- a/estuary-cdk/estuary_cdk/capture/common.py +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -14,7 +14,6 @@ Literal, TypeVar, ) -from uuid import UUID from pydantic import AwareDatetime, BaseModel, Field, NonNegativeInt @@ -55,7 +54,6 @@ class Meta(BaseModel): default=-1, description="Row ID of the Document, counting up from zero, or -1 if not known", ) - uuid: UUID = Field(default=UUID(int=0), description="UUID of the Document") meta_: Meta = Field( default=Meta(op="u"), alias="_meta", description="Document metadata" diff --git a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json index b78f2b1d22..89ae601711 100644 --- a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json +++ b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__discover__stdout.json @@ -24,13 +24,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -50,8 +43,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" } @@ -89,13 +81,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -115,8 +100,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" } diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json index ba37ef2761..12a0fb1843 100644 --- a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__discover__stdout.json @@ -17,8 +17,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -85,13 +84,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -111,8 +103,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -215,8 +206,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -283,13 +273,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -309,8 +292,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -405,8 +387,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -473,13 +454,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -499,8 +473,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -611,8 +584,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -679,13 +651,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -705,8 +670,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -801,8 +765,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -869,13 +832,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -895,8 +851,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, @@ -1014,13 +969,6 @@ "description": "Row ID of the Document, counting up from zero, or -1 if not known", "title": "Row Id", "type": "integer" - }, - "uuid": { - "default": "00000000-0000-0000-0000-000000000000", - "description": "UUID of the Document", - "format": "uuid", - "title": "Uuid", - "type": "string" } }, "required": [ @@ -1040,8 +988,7 @@ ], "default": { "op": "u", - "row_id": -1, - "uuid": "00000000-0000-0000-0000-000000000000" + "row_id": -1 }, "description": "Document metadata" }, From e362484a71677e9902ecfee70ba253322391216b Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Sat, 2 Mar 2024 03:22:10 +0000 Subject: [PATCH 13/14] estuary-cdk: remove global Logger and adopt ordering convention Establish a convention that `log: Logger` is the first parameter. We're going to be threading these through everywhere -- which is desireable, because it gives us a tightly-scoped structured log context that tells us as much as possible about the surrounding task -- so let's standardize how it should be passed so we don't have to think hard about it. Also refactor `http` module to clarify APIs which are stable, vs portions that are very likely to be refactored. A few other code-review cleanups as well. --- .github/actions/setup/action.yaml | 10 +- estuary-cdk/estuary_cdk/__init__.py | 34 +-- estuary-cdk/estuary_cdk/capture/__init__.py | 40 ++-- estuary-cdk/estuary_cdk/capture/common.py | 26 +-- estuary-cdk/estuary_cdk/http.py | 196 ++++++++++-------- estuary-cdk/estuary_cdk/shim_airbyte_cdk.py | 42 ++-- .../source_google_sheets_native/__init__.py | 25 ++- .../source_google_sheets_native/api.py | 13 +- .../source_google_sheets_native/resources.py | 10 +- .../source_hubspot_native/__init__.py | 14 +- .../source_hubspot_native/api.py | 62 +++--- .../source_hubspot_native/resources.py | 28 +-- source-hubspot-native/tests/test_snapshots.py | 10 +- 13 files changed, 277 insertions(+), 233 deletions(-) diff --git a/.github/actions/setup/action.yaml b/.github/actions/setup/action.yaml index 5fd49bcd53..f2d75c535a 100644 --- a/.github/actions/setup/action.yaml +++ b/.github/actions/setup/action.yaml @@ -55,12 +55,4 @@ runs: credentials_json: ${{ inputs.gcp_service_account_key }} - name: Set up GCloud SDK - uses: google-github-actions/setup-gcloud@v2 - -# - name: Set up Cloud SDK -# if: ${{ inputs.gcp_project_id }} -# uses: google-github-actions/setup-gcloud@v0 -# with: -# project_id: ${{ inputs.gcp_project_id }} -# service_account_key: ${{ inputs.gcp_service_account_key }} -# export_default_credentials: true + uses: google-github-actions/setup-gcloud@v2 \ No newline at end of file diff --git a/estuary-cdk/estuary_cdk/__init__.py b/estuary-cdk/estuary_cdk/__init__.py index a2a2ba052f..bbdb0f0ffe 100644 --- a/estuary-cdk/estuary_cdk/__init__.py +++ b/estuary-cdk/estuary_cdk/__init__.py @@ -11,8 +11,6 @@ from .logger import init_logger from .flow import ValidationError -logger = init_logger() - # Request type served by this connector. Request = TypeVar("Request", bound=BaseModel) @@ -34,8 +32,8 @@ async def stdin_jsonl(cls: type[Request]) -> AsyncGenerator[Request, None]: # they're entered prior to handling any requests, and exited after all requests have # been fully processed. class Mixin(abc.ABC): - async def _mixin_enter(self, logger: Logger): ... - async def _mixin_exit(self, logger: Logger): ... + async def _mixin_enter(self, log: Logger): ... + async def _mixin_exit(self, log: Logger): ... @dataclass @@ -46,6 +44,7 @@ class Stopped(Exception): `error`, if set, is a fatal error condition that caused the connector to exit. """ + error: str | None @@ -64,7 +63,7 @@ def request_class(cls) -> type[Request]: raise NotImplementedError() @abc.abstractmethod - async def handle(self, request: Request, logger: Logger) -> None: + async def handle(self, log: Logger, request: Request) -> None: raise NotImplementedError() # Serve this connector by invoking `handle()` for all incoming instances of @@ -75,11 +74,15 @@ async def handle(self, request: Request, logger: Logger) -> None: # exit code which indicates whether an error occurred. async def serve( self, + log: Logger | None = None, requests: Callable[ [type[Request]], AsyncGenerator[Request, None] ] = stdin_jsonl, - logger: Logger = logger, ): + if not log: + log = init_logger() + + assert isinstance(log, Logger) # Narrow type to non-None. loop = asyncio.get_running_loop() this_task = asyncio.current_task(loop) @@ -100,7 +103,7 @@ def dump_all_tasks(signum, frame): msg, args = type(exc).__name__, exc.args if len(args) != 0: msg = f"{msg}: {args[0]}" - logger.exception(msg, args) + log.exception(msg, args) # We manually injected an exception into the coroutine, # so the asyncio event loop will attempt to await it again @@ -117,35 +120,38 @@ def dump_all_tasks(signum, frame): # Call _mixin_enter() on all mixed-in base classes. for base in self.__class__.__bases__: if enter := getattr(base, "_mixin_enter", None): - await enter(self, logger) + await enter(self, log) failed = False try: async with asyncio.TaskGroup() as group: async for request in requests(self.request_class()): - group.create_task(self.handle(request, logger)) + group.create_task(self.handle(log, request)) except ExceptionGroup as exc_group: for exc in exc_group.exceptions: if isinstance(exc, ValidationError): if len(exc.errors) == 1: - logger.error(exc.errors[0]) + log.error(exc.errors[0]) else: - logger.error("Multiple validation errors:\n - " + "\n - ".join(exc.errors)) + log.error( + "Multiple validation errors:\n - " + + "\n - ".join(exc.errors) + ) failed = True elif isinstance(exc, Stopped): if exc.error: - logger.error(f"{exc.error}") + log.error(f"{exc.error}") failed = True else: - logger.error("".join(traceback.format_exception(exc))) + log.error("".join(traceback.format_exception(exc))) failed = True finally: # Call _mixin_exit() on all mixed-in base classes, in reverse order. for base in reversed(self.__class__.__bases__): if exit := getattr(base, "_mixin_exit", None): - await exit(self, logger) + await exit(self, log) # Restore the original signal handler signal.signal(signal.SIGQUIT, original_sigquit) diff --git a/estuary-cdk/estuary_cdk/capture/__init__.py b/estuary-cdk/estuary_cdk/capture/__init__.py index 427353e882..b0a8476e84 100644 --- a/estuary-cdk/estuary_cdk/capture/__init__.py +++ b/estuary-cdk/estuary_cdk/capture/__init__.py @@ -1,9 +1,9 @@ from dataclasses import dataclass from pydantic import Field from typing import Generic, Awaitable, Any, BinaryIO, Callable +from logging import Logger import abc import asyncio -import logging import shutil import sys import tempfile @@ -57,8 +57,8 @@ class Task: Task also facilitates logging and graceful stop of a capture coroutine. """ - logger: logging.Logger - """Attached Logger of this Task instance, to use for non-protocol logging.""" + log: Logger + """Attached Logger of this Task instance, to use for scoped logging.""" @dataclass class Stopping: @@ -89,7 +89,7 @@ class Stopping: def __init__( self, - logger: logging.Logger, + log: Logger, name: str, output: BinaryIO, stopping: Stopping, @@ -100,7 +100,7 @@ def __init__( self._name = name self._output = output self._tg = tg - self.logger = logger + self.log = log self.stopping = stopping def captured(self, binding: int, document: Any): @@ -148,13 +148,13 @@ def spawn_child( """ child_name = f"{self._name}.{name_suffix}" - child_logger = self.logger.getChild(name_suffix) + child_log = self.log.getChild(name_suffix) async def run_task(parent: Task): async with asyncio.TaskGroup() as child_tg: try: t = Task( - child_logger, + child_log, child_name, parent._output, parent.stopping, @@ -162,7 +162,7 @@ async def run_task(parent: Task): ) await child(t) except Exception as exc: - child_logger.error("".join(traceback.format_exception(exc))) + child_log.error("".join(traceback.format_exception(exc))) if parent.stopping.first_error is None: parent.stopping.first_error = exc @@ -192,37 +192,37 @@ class BaseCaptureConnector( output: BinaryIO = sys.stdout.buffer @abc.abstractmethod - async def spec(self, _: request.Spec, logger: logging.Logger) -> ConnectorSpec: + async def spec(self, log: Logger, _: request.Spec) -> ConnectorSpec: raise NotImplementedError() @abc.abstractmethod async def discover( self, + log: Logger, discover: request.Discover[EndpointConfig], - logger: logging.Logger, ) -> response.Discovered[ResourceConfig]: raise NotImplementedError() @abc.abstractmethod async def validate( self, + log: Logger, validate: request.Validate[EndpointConfig, ResourceConfig], - logger: logging.Logger, ) -> response.Validated: raise NotImplementedError() async def apply( self, + log: Logger, apply: request.Apply[EndpointConfig, ResourceConfig], - logger: logging.Logger, ) -> response.Applied: return response.Applied(actionDescription="") @abc.abstractmethod async def open( self, + log: Logger, open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], - logger: logging.Logger, ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: raise NotImplementedError() @@ -231,26 +231,26 @@ async def acknowledge(self, acknowledge: request.Acknowledge) -> None: async def handle( self, + log: Logger, request: Request[EndpointConfig, ResourceConfig, ConnectorState], - logger: logging.Logger, ) -> None: if spec := request.spec: - response = await self.spec(spec, logger) + response = await self.spec(log, spec) response.protocol = 3032023 self._emit(Response(spec=response)) elif discover := request.discover: - self._emit(Response(discovered=await self.discover(discover, logger))) + self._emit(Response(discovered=await self.discover(log, discover))) elif validate := request.validate_: - self._emit(Response(validated=await self.validate(validate, logger))) + self._emit(Response(validated=await self.validate(log, validate))) elif apply := request.apply: - self._emit(Response(applied=await self.apply(apply, logger))) + self._emit(Response(applied=await self.apply(log, apply))) elif open := request.open: - opened, capture = await self.open(open, logger) + opened, capture = await self.open(log, open) self._emit(Response(opened=opened)) stopping = Task.Stopping(asyncio.Event()) @@ -267,7 +267,7 @@ async def stop_on_elapsed_interval(interval: int) -> None: async with asyncio.TaskGroup() as tg: task = Task( - logger.getChild("capture"), + log.getChild("capture"), "capture", self.output, stopping, diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py index 94d2d172d8..feb84e8ab5 100644 --- a/estuary-cdk/estuary_cdk/capture/common.py +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -176,7 +176,7 @@ class ConnectorState(BaseModel, Generic[_BaseResourceState], extra="forbid"): """ FetchPageFn = Callable[ - [PageCursor, LogCursor, Logger], + [Logger, PageCursor, LogCursor], Awaitable[tuple[Iterable[_BaseDocument], PageCursor]], ] """ @@ -192,7 +192,7 @@ class ConnectorState(BaseModel, Generic[_BaseResourceState], extra="forbid"): """ FetchChangesFn = Callable[ - [LogCursor, Logger], + [Logger, LogCursor], AsyncGenerator[_BaseDocument | LogCursor, None], ] """ @@ -455,7 +455,7 @@ async def _binding_snapshot_task( next_sync = state.updated_at + binding.resourceConfig.interval sleep_for = next_sync - datetime.now(tz=UTC) - task.logger.debug( + task.log.debug( "awaiting next snapshot", {"sleep_for": sleep_for, "next": next_sync}, ) @@ -466,14 +466,14 @@ async def _binding_snapshot_task( task.stopping.event.wait(), timeout=sleep_for.total_seconds() ) - task.logger.debug(f"periodic snapshot is idle and is yielding to stop") + task.log.debug(f"periodic snapshot is idle and is yielding to stop") return except asyncio.TimeoutError: # `sleep_for` elapsed. state.updated_at = datetime.now(tz=UTC) count = 0 - async for doc in fetch_snapshot(task.logger): + async for doc in fetch_snapshot(task.log): doc.meta_ = BaseDocument.Meta( op="u" if count < state.last_count else "c", row_id=count ) @@ -481,7 +481,7 @@ async def _binding_snapshot_task( count += 1 digest = task.pending_digest() - task.logger.debug( + task.log.debug( "polled snapshot", { "count": count, @@ -517,12 +517,12 @@ async def _binding_backfill_task( ) if state.next_page: - task.logger.info(f"resuming backfill", state) + task.log.info(f"resuming backfill", state) else: - task.logger.info(f"beginning backfill", state) + task.log.info(f"beginning backfill", state) while True: - page, next_page = await fetch_page(state.next_page, state.cutoff, task.logger) + page, next_page = await fetch_page(task.log, state.next_page, state.cutoff) for doc in page: task.captured(binding_index, doc) @@ -536,7 +536,7 @@ async def _binding_backfill_task( bindingStateV1={binding.stateKey: ResourceState(backfill=None)} ) task.checkpoint(connector_state) - task.logger.info(f"completed backfill") + task.log.info(f"completed backfill") async def _binding_incremental_task( @@ -549,14 +549,14 @@ async def _binding_incremental_task( connector_state = ConnectorState( bindingStateV1={binding.stateKey: ResourceState(inc=state)} ) - task.logger.info(f"resuming incremental replication", state) + task.log.info(f"resuming incremental replication", state) while True: checkpoints = 0 pending = False - async for item in fetch_changes(state.cursor, task.logger): + async for item in fetch_changes(task.log, state.cursor): if isinstance(item, BaseDocument): task.captured(binding_index, item) pending = True @@ -599,7 +599,7 @@ async def _binding_incremental_task( timeout=binding.resourceConfig.interval.total_seconds(), ) - task.logger.debug( + task.log.debug( f"incremental replication is idle and is yielding to stop" ) return diff --git a/estuary-cdk/estuary_cdk/http.py b/estuary-cdk/estuary_cdk/http.py index 668bc3b25f..34987bb98d 100644 --- a/estuary-cdk/estuary_cdk/http.py +++ b/estuary-cdk/estuary_cdk/http.py @@ -1,43 +1,49 @@ -from pydantic import BaseModel from dataclasses import dataclass -from typing import AsyncGenerator +from logging import Logger +from pydantic import BaseModel +from typing import AsyncGenerator, Any import abc import aiohttp import asyncio import base64 -import logging import time -from . import Mixin, logger +from . import Mixin from .flow import BaseOAuth2Credentials, AccessToken, OAuth2Spec, BasicAuth -# HTTPSession is an abstract base class for HTTP clients. -# Connectors should use this type for typing constraints. class HTTPSession(abc.ABC): - @abc.abstractmethod - def request_stream( - self, - url: str, - method: str = "GET", - params=None, - json=None, - data=None, - with_token=True, - ) -> AsyncGenerator[bytes, None]: ... + """ + HTTPSession is an abstract base class for an HTTP client implementation. + Implementations should manage retries, authorization, and other details. + Only "success" responses are returned: failures throw an Exception if + they cannot be retried. + + HTTPSession is implemented by HTTPMixin. + + Common parameters of request methods: + * `url` to request. + * `method` to use (GET, POST, DELETE, etc) + * `params` are encoded as URL parameters of the query + * `json` is a JSON-encoded request body (if set, `form` cannot be) + * `form` is a form URL-encoded request body (if set, `json` cannot be) + """ async def request( self, + log: Logger, url: str, method: str = "GET", - params=None, - json=None, - data=None, - with_token=True, + params: dict[str, Any] | None = None, + json: dict[str, Any] | None = None, + form: dict[str, Any] | None = None, + _with_token: bool = True, # Unstable internal API. ) -> bytes: + """Request a url and return its body as bytes""" + chunks: list[bytes] = [] - async for chunk in self.request_stream( - url, method, params=params, json=json, data=data, with_token=with_token + async for chunk in self._request_stream( + log, url, method, params, json, form, _with_token ): chunks.append(chunk) @@ -47,20 +53,22 @@ async def request( return chunks[0] else: return b"".join(chunks) - + async def request_lines( self, + log: Logger, url: str, method: str = "GET", - params=None, - json=None, - data=None, - with_token=True, - delim=b'\n', + params: dict[str, Any] | None = None, + json: dict[str, Any] | None = None, + form: dict[str, Any] | None = None, + delim: bytes = b"\n", ) -> AsyncGenerator[bytes, None]: - buffer = b'' - async for chunk in self.request_stream( - url, method, params=params, json=json, data=data, with_token=with_token + """Request a url and return its response as streaming lines, as they arrive""" + + buffer = b"" + async for chunk in self._request_stream( + log, url, method, params, json, form, True ): buffer += chunk while delim in buffer: @@ -69,9 +77,24 @@ async def request_lines( if buffer: yield buffer - + return + @abc.abstractmethod + def _request_stream( + self, + log: Logger, + url: str, + method: str, + params: dict[str, Any] | None, + json: dict[str, Any] | None, + form: dict[str, Any] | None, + _with_token: bool, + ) -> AsyncGenerator[bytes, None]: ... + # TODO(johnny): This is an unstable API. + # It may need to accept request headers, or surface response headers, + # or we may refactor TokenSource, etc. + @dataclass class TokenSource: @@ -83,12 +106,12 @@ class AccessTokenResponse(BaseModel): refresh_token: str = "" scope: str = "" - spec: OAuth2Spec + oauth_spec: OAuth2Spec | None credentials: BaseOAuth2Credentials | AccessToken | BasicAuth _access_token: AccessTokenResponse | None = None _fetched_at: int = 0 - async def fetch_token(self, session: HTTPSession) -> tuple[str, str]: + async def fetch_token(self, log: Logger, session: HTTPSession) -> tuple[str, str]: if isinstance(self.credentials, AccessToken): return ("Bearer", self.credentials.access_token) elif isinstance(self.credentials, BasicAuth): @@ -109,34 +132,55 @@ async def fetch_token(self, session: HTTPSession) -> tuple[str, str]: return ("Bearer", self._access_token.access_token) self._fetched_at = int(current_time) - self._access_token = await self._fetch_oauth2_token(session, self.credentials) + self._access_token = await self._fetch_oauth2_token( + log, session, self.credentials + ) - logger.debug( + log.debug( "fetched OAuth2 access token", {"at": self._fetched_at, "expires_in": self._access_token.expires_in}, ) return ("Bearer", self._access_token.access_token) async def _fetch_oauth2_token( - self, session: HTTPSession, credentials: BaseOAuth2Credentials + self, log: Logger, session: HTTPSession, credentials: BaseOAuth2Credentials ) -> AccessTokenResponse: + assert self.oauth_spec + response = await session.request( - self.spec.accessTokenUrlTemplate, + log, + self.oauth_spec.accessTokenUrlTemplate, method="POST", - data={ + form={ "grant_type": "refresh_token", "client_id": credentials.client_id, "client_secret": credentials.client_secret, "refresh_token": credentials.refresh_token, }, - with_token=False, + _with_token=False, ) return self.AccessTokenResponse.model_validate_json(response) class RateLimiter: - gain: float = 0.01 + """ + RateLimiter maintains a `delay` parameter, which is the number of seconds + to wait before issuing an HTTP request. It attempts to achieve a low rate + of HTTP 429 (Rate Limit Exceeded) errors (under 5%) while fully utilizing + the available rate limit without excessively long delays due to more + traditional exponential back-off strategies. + + As requests are made, RateLimiter.update() is called to dynamically adjust + the `delay` parameter, decreasing it as successful request occur and + increasing it as HTTP 429 (Rate Limit Exceeded) failures are reported. + + It initially uses quadratic decrease of `delay` until a first failure is + encountered. Additional failures result in quadratic increase, while + successes apply a linear decay. + """ + delay: float = 1.0 + gain: float = 0.01 failed: int = 0 total: int = 0 @@ -148,71 +192,43 @@ def update(self, cur_delay: float, failed: bool): if failed: update = max(cur_delay * 4.0, 0.1) self.failed += 1 - - if self.failed / self.total > 0.05: - logger.warning( - "rate limit exceeded", - { - "total": self.total, - "failed": self.failed, - "delay": self.delay, - "update": update, - }, - ) - elif self.failed == 0: update = cur_delay / 2.0 - - # logger.debug( - # "rate limit fast-start", - # { - # "total": self.total, - # "failed": self.failed, - # "delay": self.delay, - # "update": update, - # }, - # ) - else: update = cur_delay * (1 - self.gain) - # logger.debug( - # "rate limit decay", - # { - # "total": self.total, - # "failed": self.failed, - # "delay": self.delay, - # "update": update, - # }, - # ) - self.delay = (1 - self.gain) * self.delay + self.gain * update + @property + def error_ratio(self) -> float: + return self.failed / self.total + # HTTPMixin is an opinionated implementation of HTTPSession. class HTTPMixin(Mixin, HTTPSession): inner: aiohttp.ClientSession - token_source: TokenSource | None = None rate_limiter: RateLimiter + token_source: TokenSource | None = None - async def _mixin_enter(self, logger: logging.Logger): + async def _mixin_enter(self, _: Logger): self.inner = aiohttp.ClientSession() self.rate_limiter = RateLimiter() return self - async def _mixin_exit(self, logger: logging.Logger): + async def _mixin_exit(self, _: Logger): await self.inner.close() return self - async def request_stream( + async def _request_stream( self, + log: Logger, url: str, - method: str = "GET", - params=None, - json=None, - data=None, - with_token=True, + method: str, + params: dict[str, Any] | None, + json: dict[str, Any] | None, + form: dict[str, Any] | None, + _with_token: bool, ) -> AsyncGenerator[bytes, None]: while True: @@ -220,14 +236,14 @@ async def request_stream( await asyncio.sleep(cur_delay) headers = {} - if with_token and self.token_source is not None: - token_type, token = await self.token_source.fetch_token(self) + if _with_token and self.token_source is not None: + token_type, token = await self.token_source.fetch_token(log, self) headers["Authorization"] = f"{token_type} {token}" async with self.inner.request( headers=headers, json=json, - data=data, + data=form, method=method, params=params, url=url, @@ -236,11 +252,15 @@ async def request_stream( self.rate_limiter.update(cur_delay, resp.status == 429) if resp.status == 429: - pass + if self.rate_limiter.failed / self.rate_limiter.total > 0.05: + log.warning( + "rate limit errors are elevated", + { "limiter": self.rate_limiter }, + ) elif resp.status >= 500 and resp.status < 600: body = await resp.read() - logger.warning( + log.warning( "server internal error (will retry)", {"body": body.decode("utf-8")}, ) diff --git a/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py b/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py index d6a44eb8f6..f174f674c7 100644 --- a/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py +++ b/estuary-cdk/estuary_cdk/shim_airbyte_cdk.py @@ -96,15 +96,18 @@ def request_class(self): return Request[EndpointConfig, ResourceConfig, ConnectorState] async def _all_resources( - self, config: EndpointConfig, logger: Logger + self, log: Logger, config: EndpointConfig ) -> list[common.Resource[Document, ResourceConfig, ResourceState]]: - catalog = self.delegate.discover(logger, config) + logging.getLogger("airbyte").setLevel(log.level) + catalog = self.delegate.discover(log, config) resources: list[common.Resource[Any, ResourceConfig, ResourceState]] = [] for stream in catalog.streams: - resource_config = ResourceConfig(stream=stream.name, syncMode="full_refresh") + resource_config = ResourceConfig( + stream=stream.name, syncMode="full_refresh" + ) if AirbyteSyncMode.incremental in stream.supported_sync_modes: resource_config.sync_mode = "incremental" @@ -160,8 +163,9 @@ async def _all_resources( return resources - async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: - spec = self.delegate.spec(logger) + async def spec(self, log: Logger, _: request.Spec) -> ConnectorSpec: + logging.getLogger("airbyte").setLevel(log.level) + spec = self.delegate.spec(log) return ConnectorSpec( configSchema=spec.connectionSpecification, @@ -172,31 +176,31 @@ async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: ) async def discover( - self, discover: request.Discover[EndpointConfig], logger: Logger + self, log: Logger, discover: request.Discover[EndpointConfig], ) -> response.Discovered: - resources = await self._all_resources(discover.config, logger) + resources = await self._all_resources(log, discover.config) return common.discovered(resources) async def validate( - self, validate: request.Validate[EndpointConfig, ResourceConfig], logger: Logger + self, log: Logger, validate: request.Validate[EndpointConfig, ResourceConfig], ) -> response.Validated: - result = self.delegate.check(logger, validate.config) + result = self.delegate.check(log, validate.config) if result.status != AirbyteStatus.SUCCEEDED: raise ValidationError([f"{result.message}"]) - resources = await self._all_resources(validate.config, logger) + resources = await self._all_resources(log, validate.config) resolved = common.resolve_bindings(validate.bindings, resources) return common.validated(resolved) async def open( self, + log: Logger, open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], - logger: Logger, ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: - resources = await self._all_resources(open.capture.config, logger) + resources = await self._all_resources(log, open.capture.config) resolved = common.resolve_bindings(open.capture.bindings, resources) async def _run(task: Task) -> None: @@ -253,12 +257,12 @@ async def _run( ] for message in self.delegate.read( - task.logger, config, airbyte_catalog, airbyte_states + task.log, config, airbyte_catalog, airbyte_states ): if record := message.record: entry = index.get((record.namespace, record.stream), None) if entry is None: - task.logger.warn( + task.log.warn( f"Document read in unrecognized stream {record.stream} (namespace: {record.namespace})" ) continue @@ -289,7 +293,7 @@ async def _run( None, ) if entry is None: - task.logger.warn( + task.log.warn( f"Received state message for unrecognized stream {state_msg.stream.stream_descriptor.name} (namespace: {state_msg.stream.stream_descriptor.namespace})" ) continue @@ -300,7 +304,7 @@ async def _run( elif trace := message.trace: if error := trace.error: - task.logger.error( + task.log.error( error.message, extra={ "internal_message": error.internal_message, @@ -308,7 +312,7 @@ async def _run( }, ) elif estimate := trace.estimate: - task.logger.info( + task.log.info( "progress estimate", extra={ "estimate": { @@ -321,7 +325,7 @@ async def _run( }, ) elif status := trace.stream_status: - task.logger.info( + task.log.info( "stream status", extra={ "status": { @@ -344,7 +348,7 @@ async def _run( else: level = logging.ERROR - task.logger.log(level, log.message, log.stack_trace) + task.log.log(level, log.message, log.stack_trace) else: raise RuntimeError("unexpected AirbyteMessage", message) diff --git a/source-google-sheets-native/source_google_sheets_native/__init__.py b/source-google-sheets-native/source_google_sheets_native/__init__.py index 2c937e6f2d..45ee6c530c 100644 --- a/source-google-sheets-native/source_google_sheets_native/__init__.py +++ b/source-google-sheets-native/source_google_sheets_native/__init__.py @@ -22,6 +22,7 @@ ResourceConfig, ) + class Connector( BaseCaptureConnector[EndpointConfig, ResourceConfig, ConnectorState], HTTPMixin, @@ -29,7 +30,7 @@ class Connector( def request_class(self): return Request[EndpointConfig, ResourceConfig, ConnectorState] - async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: + async def spec(self, log: Logger, _: request.Spec) -> ConnectorSpec: return ConnectorSpec( configSchema=EndpointConfig.model_json_schema(), documentationUrl="https://docs.estuary.dev", @@ -39,25 +40,31 @@ async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: ) async def discover( - self, discover: request.Discover[EndpointConfig], logger: Logger + self, + log: Logger, + discover: request.Discover[EndpointConfig], ) -> response.Discovered[ResourceConfig]: - resources = await all_resources(self, discover.config, logger) + resources = await all_resources(log, self, discover.config) return common.discovered(resources) async def validate( self, + log: Logger, validate: request.Validate[EndpointConfig, ResourceConfig], - logger: Logger, ) -> response.Validated: - resources = await all_resources(self, validate.config, logger) - resolved = common.resolve_bindings(validate.bindings, resources, resource_term="Sheet") + resources = await all_resources(log, self, validate.config) + resolved = common.resolve_bindings( + validate.bindings, resources, resource_term="Sheet" + ) return common.validated(resolved) async def open( self, + log: Logger, open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], - logger: Logger, ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: - resources = await all_resources(self, open.capture.config, logger) - resolved = common.resolve_bindings(open.capture.bindings, resources, resource_term="Sheet") + resources = await all_resources(log, self, open.capture.config) + resolved = common.resolve_bindings( + open.capture.bindings, resources, resource_term="Sheet" + ) return common.open(open, resolved) diff --git a/source-google-sheets-native/source_google_sheets_native/api.py b/source-google-sheets-native/source_google_sheets_native/api.py index e5ab4392f6..0b8a7c7f5a 100644 --- a/source-google-sheets-native/source_google_sheets_native/api.py +++ b/source-google-sheets-native/source_google_sheets_native/api.py @@ -16,15 +16,20 @@ async def fetch_spreadsheet( - http: HTTPSession, spreadsheet_id: str, logger: Logger + log: Logger, + http: HTTPSession, + spreadsheet_id: str, ) -> Spreadsheet: url = f"{API}/v4/spreadsheets/{spreadsheet_id}" - return Spreadsheet.model_validate_json(await http.request(url)) + return Spreadsheet.model_validate_json(await http.request(log, url)) async def fetch_rows( - http: HTTPSession, spreadsheet_id: str, sheet: Sheet, logger: Logger + log: Logger, + http: HTTPSession, + spreadsheet_id: str, + sheet: Sheet, ) -> Iterable[Row]: url = f"{API}/v4/spreadsheets/{spreadsheet_id}" @@ -34,7 +39,7 @@ async def fetch_rows( } spreadsheet = Spreadsheet.model_validate_json( - await http.request(url, params=params) + await http.request(log, url, params=params) ) if len(spreadsheet.sheets) == 0: diff --git a/source-google-sheets-native/source_google_sheets_native/resources.py b/source-google-sheets-native/source_google_sheets_native/resources.py index 5326e7c3fb..b1ec3dccd8 100644 --- a/source-google-sheets-native/source_google_sheets_native/resources.py +++ b/source-google-sheets-native/source_google_sheets_native/resources.py @@ -22,12 +22,12 @@ async def all_resources( - http: HTTPMixin, config: EndpointConfig, logger: Logger + log: Logger, http: HTTPMixin, config: EndpointConfig ) -> list[common.Resource]: - http.token_source = TokenSource(spec=OAUTH2_SPEC, credentials=config.credentials) + http.token_source = TokenSource(oauth_spec=OAUTH2_SPEC, credentials=config.credentials) spreadsheet_id = get_spreadsheet_id(config.spreadsheet_url) - spreadsheet = await fetch_spreadsheet(http, spreadsheet_id, logger) + spreadsheet = await fetch_spreadsheet(log, http, spreadsheet_id) return [sheet(http, spreadsheet_id, s) for s in spreadsheet.sheets] @@ -40,8 +40,8 @@ def get_spreadsheet_id(url: str): def sheet(http: HTTPSession, spreadsheet_id: str, sheet: Sheet): - async def snapshot(logger: Logger) -> AsyncGenerator[Row, None]: - rows = await fetch_rows(http, spreadsheet_id, sheet, logger) + async def snapshot(log: Logger) -> AsyncGenerator[Row, None]: + rows = await fetch_rows(log, http, spreadsheet_id, sheet) for row in rows: yield row diff --git a/source-hubspot-native/source_hubspot_native/__init__.py b/source-hubspot-native/source_hubspot_native/__init__.py index f246931e7d..a00c93b364 100644 --- a/source-hubspot-native/source_hubspot_native/__init__.py +++ b/source-hubspot-native/source_hubspot_native/__init__.py @@ -28,7 +28,7 @@ class Connector( def request_class(self): return Request[EndpointConfig, ResourceConfig, ConnectorState] - async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: + async def spec(self, log: Logger, _: request.Spec) -> ConnectorSpec: return ConnectorSpec( documentationUrl="https://docs.estuary.dev", configSchema=EndpointConfig.model_json_schema(), @@ -38,25 +38,25 @@ async def spec(self, _: request.Spec, logger: Logger) -> ConnectorSpec: ) async def discover( - self, discover: request.Discover[EndpointConfig], logger: Logger + self, log: Logger, discover: request.Discover[EndpointConfig] ) -> response.Discovered[ResourceConfig]: - resources = await all_resources(self, discover.config, logger) + resources = await all_resources(log, self, discover.config) return common.discovered(resources) async def validate( self, + log: Logger, validate: request.Validate[EndpointConfig, ResourceConfig], - logger: Logger, ) -> response.Validated: - resources = await all_resources(self, validate.config, logger) + resources = await all_resources(log, self, validate.config) resolved = common.resolve_bindings(validate.bindings, resources) return common.validated(resolved) async def open( self, + log: Logger, open: request.Open[EndpointConfig, ResourceConfig, ConnectorState], - logger: Logger, ) -> tuple[response.Opened, Callable[[Task], Awaitable[None]]]: - resources = await all_resources(self, open.capture.config, logger) + resources = await all_resources(log, self, open.capture.config) resolved = common.resolve_bindings(open.capture.bindings, resources) return common.open(open, resolved) diff --git a/source-hubspot-native/source_hubspot_native/api.py b/source-hubspot-native/source_hubspot_native/api.py index 65e5fbc3d6..0580feb17e 100644 --- a/source-hubspot-native/source_hubspot_native/api.py +++ b/source-hubspot-native/source_hubspot_native/api.py @@ -27,12 +27,14 @@ HUB = "https://api.hubapi.com" -async def fetch_properties(cls: type[CRMObject], http: HTTPSession) -> Properties: +async def fetch_properties( + log: Logger, cls: type[CRMObject], http: HTTPSession +) -> Properties: if p := getattr(cls, "CACHED_PROPERTIES", None): return p url = f"{HUB}/crm/v3/properties/{cls.NAME}" - cls.CACHED_PROPERTIES = Properties.model_validate_json(await http.request(url)) + cls.CACHED_PROPERTIES = Properties.model_validate_json(await http.request(log, url)) for p in cls.CACHED_PROPERTIES.results: p.hubspotObject = cls.NAME @@ -40,15 +42,17 @@ async def fetch_properties(cls: type[CRMObject], http: HTTPSession) -> Propertie async def fetch_page( + # Closed over via functools.partial: cls: type[CRMObject], http: HTTPSession, + # Remainder is common.FetchPageFn: + log: Logger, page: str | None, cutoff: datetime, - logger: Logger, ) -> tuple[Iterable[CRMObject], str | None]: url = f"{HUB}/crm/v3/objects/{cls.NAME}" - properties = await fetch_properties(cls, http) + properties = await fetch_properties(log, cls, http) property_names = ",".join(p.name for p in properties.results if not p.calculated) input = { @@ -62,7 +66,7 @@ async def fetch_page( _cls: Any = cls # Silence mypy false-positive. result: PageResult[CRMObject] = PageResult[_cls].model_validate_json( - await http.request(url, method="GET", params=input) + await http.request(log, url, method="GET", params=input) ) return ( @@ -72,13 +76,14 @@ async def fetch_page( async def fetch_batch( + log: Logger, cls: type[CRMObject], http: HTTPSession, ids: Iterable[str], ) -> BatchResult[CRMObject]: url = f"{HUB}/crm/v3/objects/{cls.NAME}/batch/read" - properties = await fetch_properties(cls, http) + properties = await fetch_properties(log, cls, http) property_names = [p.name for p in properties.results if not p.calculated] input = { @@ -89,11 +94,12 @@ async def fetch_batch( _cls: Any = cls # Silence mypy false-positive. return BatchResult[_cls].model_validate_json( - await http.request(url, method="POST", json=input) + await http.request(log, url, method="POST", json=input) ) async def fetch_association( + log: Logger, cls: type[CRMObject], http: HTTPSession, ids: Iterable[str], @@ -103,20 +109,24 @@ async def fetch_association( input = {"inputs": [{"id": id} for id in ids]} return BatchResult[Association].model_validate_json( - await http.request(url, method="POST", json=input) + await http.request(log, url, method="POST", json=input) ) async def fetch_batch_with_associations( + log: Logger, cls: type[CRMObject], http: HTTPSession, ids: list[str], ) -> BatchResult[CRMObject]: batch, all_associated = await asyncio.gather( - fetch_batch(cls, http, ids), + fetch_batch(log, cls, http, ids), asyncio.gather( - *(fetch_association(cls, http, ids, e) for e in cls.ASSOCIATED_ENTITIES) + *( + fetch_association(log, cls, http, ids, e) + for e in cls.ASSOCIATED_ENTITIES + ) ), ) # Index CRM records so we can attach associations. @@ -134,7 +144,7 @@ async def fetch_batch_with_associations( FetchRecentFn = Callable[ - [HTTPSession, datetime, PageCursor], + [Logger, HTTPSession, datetime, PageCursor], Awaitable[tuple[Iterable[tuple[datetime, str]], PageCursor]], ] """ @@ -149,11 +159,13 @@ async def fetch_batch_with_associations( async def fetch_changes( + # Closed over via functools.partial: cls: type[CRMObject], fetch_recent: FetchRecentFn, http: HTTPSession, + # Remainder is common.FetchChangesFn: + log: Logger, log_cursor: LogCursor, - logger: Logger, ) -> AsyncGenerator[CRMObject | LogCursor, None]: assert isinstance(log_cursor, datetime) @@ -163,7 +175,7 @@ async def fetch_changes( next_page: PageCursor = None while True: - iter, next_page = await fetch_recent(http, log_cursor, next_page) + iter, next_page = await fetch_recent(log, http, log_cursor, next_page) for ts, id in iter: if ts > log_cursor: @@ -180,7 +192,7 @@ async def fetch_changes( batch = list(batch_it) documents: BatchResult[CRMObject] = await fetch_batch_with_associations( - cls, http, [id for _, id in batch] + log, cls, http, [id for _, id in batch] ) for doc in documents.results: yield doc @@ -190,14 +202,14 @@ async def fetch_changes( async def fetch_recent_companies( - http: HTTPSession, since: datetime, page: PageCursor + log: Logger, http: HTTPSession, since: datetime, page: PageCursor ) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: url = f"{HUB}/companies/v2/companies/recent/modified" params = {"count": 100, "offset": page} if page else {"count": 1} result = OldRecentCompanies.model_validate_json( - await http.request(url, params=params) + await http.request(log, url, params=params) ) return ( (_ms_to_dt(r.properties.hs_lastmodifieddate.timestamp), str(r.companyId)) @@ -206,14 +218,14 @@ async def fetch_recent_companies( async def fetch_recent_contacts( - http: HTTPSession, since: datetime, page: PageCursor + log: Logger, http: HTTPSession, since: datetime, page: PageCursor ) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: url = f"{HUB}/contacts/v1/lists/recently_updated/contacts/recent" params = {"count": 100, "timeOffset": page} if page else {"count": 1} result = OldRecentContacts.model_validate_json( - await http.request(url, params=params) + await http.request(log, url, params=params) ) return ( (_ms_to_dt(int(r.properties.lastmodifieddate.value)), str(r.vid)) @@ -222,13 +234,15 @@ async def fetch_recent_contacts( async def fetch_recent_deals( - http: HTTPSession, since: datetime, page: PageCursor + log: Logger, http: HTTPSession, since: datetime, page: PageCursor ) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: url = f"{HUB}/deals/v1/deal/recent/modified" params = {"count": 100, "offset": page} if page else {"count": 1} - result = OldRecentDeals.model_validate_json(await http.request(url, params=params)) + result = OldRecentDeals.model_validate_json( + await http.request(log, url, params=params) + ) return ( (_ms_to_dt(r.properties.hs_lastmodifieddate.timestamp), str(r.dealId)) for r in result.results @@ -236,14 +250,14 @@ async def fetch_recent_deals( async def fetch_recent_engagements( - http: HTTPSession, since: datetime, page: PageCursor + log: Logger, http: HTTPSession, since: datetime, page: PageCursor ) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: url = f"{HUB}/engagements/v1/engagements/recent/modified" params = {"count": 100, "offset": page} if page else {"count": 1} result = OldRecentEngagements.model_validate_json( - await http.request(url, params=params) + await http.request(log, url, params=params) ) return ( (_ms_to_dt(r.engagement.lastUpdated), str(r.engagement.id)) @@ -252,14 +266,14 @@ async def fetch_recent_engagements( async def fetch_recent_tickets( - http: HTTPSession, since: datetime, cursor: PageCursor + log: Logger, http: HTTPSession, since: datetime, cursor: PageCursor ) -> tuple[Iterable[tuple[datetime, str]], PageCursor]: url = f"{HUB}/crm-objects/v1/change-log/tickets" params = {"timestamp": int(since.timestamp() * 1000) - 1} result = TypeAdapter(list[OldRecentTicket]).validate_json( - await http.request(url, params=params) + await http.request(log, url, params=params) ) return ((_ms_to_dt(r.timestamp), str(r.objectId)) for r in result), None diff --git a/source-hubspot-native/source_hubspot_native/resources.py b/source-hubspot-native/source_hubspot_native/resources.py index 3e5cfd51b3..8930a79505 100644 --- a/source-hubspot-native/source_hubspot_native/resources.py +++ b/source-hubspot-native/source_hubspot_native/resources.py @@ -1,10 +1,11 @@ from datetime import datetime, UTC, timedelta -from typing import AsyncGenerator +from typing import AsyncGenerator, Awaitable, Iterable from logging import Logger import functools from estuary_cdk.flow import CaptureBinding -from estuary_cdk.capture import Task, common +from estuary_cdk.capture import Task +from estuary_cdk.capture.common import Resource, LogCursor, PageCursor, open_binding from estuary_cdk.http import HTTPSession, HTTPMixin, TokenSource from .models import ( @@ -35,11 +36,10 @@ ) - async def all_resources( - http: HTTPMixin, config: EndpointConfig, logger: Logger -) -> list[common.Resource]: - http.token_source = TokenSource(spec=OAUTH2_SPEC, credentials=config.credentials) + log: Logger, http: HTTPMixin, config: EndpointConfig +) -> list[Resource]: + http.token_source = TokenSource(oauth_spec=OAUTH2_SPEC, credentials=config.credentials) return [ crm_object(Company, http, fetch_recent_companies), crm_object(Contact, http, fetch_recent_contacts), @@ -52,7 +52,7 @@ async def all_resources( def crm_object( cls: type[CRMObject], http: HTTPSession, fetch_recent: FetchRecentFn -) -> common.Resource: +) -> Resource: def open( binding: CaptureBinding[ResourceConfig], @@ -60,7 +60,7 @@ def open( state: ResourceState, task: Task, ): - common.open_binding( + open_binding( binding, binding_index, state, @@ -71,7 +71,7 @@ def open( started_at = datetime.now(tz=UTC) - return common.Resource( + return Resource( name=cls.NAME, key=["/id"], model=cls, @@ -85,9 +85,9 @@ def open( ) -def properties(http: HTTPSession) -> common.Resource: +def properties(http: HTTPSession) -> Resource: - async def snapshot(logger: Logger) -> AsyncGenerator[Property, None]: + async def snapshot(log: Logger) -> AsyncGenerator[Property, None]: classes: list[type[BaseCRMObject]] = [ Company, Contact, @@ -96,7 +96,7 @@ async def snapshot(logger: Logger) -> AsyncGenerator[Property, None]: Ticket, ] for cls in classes: - properties = await fetch_properties(cls, http) + properties = await fetch_properties(log, cls, http) for prop in properties.results: yield prop @@ -106,7 +106,7 @@ def open( state: ResourceState, task: Task, ): - common.open_binding( + open_binding( binding, binding_index, state, @@ -115,7 +115,7 @@ def open( tombstone=Property(_meta=Property.Meta(op="d")), ) - return common.Resource( + return Resource( name=Names.properties, key=["/_meta/row_id"], model=Property, diff --git a/source-hubspot-native/tests/test_snapshots.py b/source-hubspot-native/tests/test_snapshots.py index 100f74fe70..6d30aa9831 100644 --- a/source-hubspot-native/tests/test_snapshots.py +++ b/source-hubspot-native/tests/test_snapshots.py @@ -21,7 +21,7 @@ def test_capture(request, snapshot): lines = [json.loads(l) for l in result.stdout.splitlines()[:50]] for l in lines: - typ, rec = l[0], l[1] + _collection, record = l[0], l[1] for m in ["properties", "propertiesWithHistory"]: for prop in [ @@ -30,12 +30,8 @@ def test_capture(request, snapshot): "hs_time_in_appointmentscheduled", "hs_time_in_1", ]: - if rec[m].get(prop): - rec[m][prop] = "redacted" - - # if typ == "acmeCo/property_history": - # rec["timestamp"] = "redacted" - # rec["value"] = "redacted" + if record[m].get(prop): + record[m][prop] = "redacted" assert snapshot("stdout.json") == lines From e0c7983b0b7da5a9715e27e23964c4b40778c835 Mon Sep 17 00:00:00 2001 From: Johnny Graettinger Date: Sat, 2 Mar 2024 03:31:24 +0000 Subject: [PATCH 14/14] estuary-cdk: remove `namespace` from common.ResourceConfig We don't need it yet, so let's not have it. --- estuary-cdk/estuary_cdk/capture/common.py | 14 +++++++------- ..._native_tests_test_snapshots__spec__stdout.json | 14 -------------- ..._native_tests_test_snapshots__spec__stdout.json | 14 -------------- 3 files changed, 7 insertions(+), 35 deletions(-) diff --git a/estuary-cdk/estuary_cdk/capture/common.py b/estuary-cdk/estuary_cdk/capture/common.py index feb84e8ab5..9407087530 100644 --- a/estuary-cdk/estuary_cdk/capture/common.py +++ b/estuary-cdk/estuary_cdk/capture/common.py @@ -81,20 +81,20 @@ def path(self) -> list[str]: class ResourceConfig(BaseResourceConfig): """ResourceConfig is a common resource configuration shape.""" - PATH_POINTERS: ClassVar[list[str]] = ["/schema", "/name"] + PATH_POINTERS: ClassVar[list[str]] = ["/name"] name: str = Field(description="Name of this resource") - namespace: str | None = Field( - default=None, description="Enclosing schema namespace of this resource" - ) interval: timedelta = Field( default=timedelta(), description="Interval between updates for this resource" ) - def path(self) -> list[str]: - if self.namespace: - return [self.namespace, self.name] + # NOTE(johnny): If we need a namespace, introduce an ExtResourceConfig (?) + # which adds a `namespace` field like: + # namespace: str | None = Field( + # default=None, description="Enclosing schema namespace of this resource" + # ) + def path(self) -> list[str]: return [self.name] diff --git a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json index 81b922fb2a..82bfbbb3b6 100644 --- a/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json +++ b/source-google-sheets-native/tests/snapshots/source_google_sheets_native_tests_test_snapshots__spec__stdout.json @@ -93,19 +93,6 @@ "title": "Name", "type": "string" }, - "namespace": { - "anyOf": [ - { - "type": "string" - }, - { - "type": "null" - } - ], - "default": null, - "description": "Enclosing schema namespace of this resource", - "title": "Namespace" - }, "interval": { "default": "PT0S", "description": "Interval between updates for this resource", @@ -134,7 +121,6 @@ } }, "resourcePathPointers": [ - "/schema", "/name" ] } diff --git a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json index 1e1a3090b1..831606daa7 100644 --- a/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json +++ b/source-hubspot-native/tests/snapshots/source_hubspot_native_tests_test_snapshots__spec__stdout.json @@ -86,19 +86,6 @@ "title": "Name", "type": "string" }, - "namespace": { - "anyOf": [ - { - "type": "string" - }, - { - "type": "null" - } - ], - "default": null, - "description": "Enclosing schema namespace of this resource", - "title": "Namespace" - }, "interval": { "default": "PT0S", "description": "Interval between updates for this resource", @@ -127,7 +114,6 @@ } }, "resourcePathPointers": [ - "/schema", "/name" ] }