Skip to main content

Leap Labs Interpretability Engine

Project description

Leap Interpretability Engine

Congratulations on being a very early adopter of our interpretability engine! Not sure what's going on? Check out the FAQ.

Installation

Use the package manager pip to install leap-ie.

pip install leap-ie

Sign in and generate your API key in the leap app - you'll need this to get started.

Get started!

from leap_ie.vision import engine
from leap_ie.vision.models import get_model

preprocessing_fn, model, class_list = get_model('torchvision.resnet18')

config = {"leap_api_key": "YOUR_API_KEY"}

results_df, results_dict = engine.generate(project_name="leap!", model=model, class_list=class_list, config = config, target_classes=[1], preprocessing=preprocessing_fn)

We provide easy access to all image classification torchvision models via leap_ie.models.get_model(torchvision.[name of model]). We can also automatically pull image classification models from huggingface - just use the model id: get_model('nateraw/vit-age-classifier')

Usage

Using the interpretability engine with your own models is really easy! All you need to do is import leap_ie, and wrap your model in our generate function:

from leap_ie.vision import engine

df_results, dict_results = engine.generate(
    project_name="interpretability",
    model=your_model,
    class_list=["hotdog", "not_hotdog"],
    config={"leap_api_key": "YOUR_LEAP_API_KEY"},
)

Currently we support image classification models only. We expect the model to take a batch of images as input, and return a batch of logits (NOT probabilities). For most models this will work out of the box, but if your model returns something else (e.g. a dictionary, or probabilities) you might have to edit it, or add a wrapper before passing it to engine.generate().

class ModelWrapper(nn.Module):
    def __init__(self, model):
        super().__init__()
        self.model = model

    def forward(self, x):
        x = self.model(x)
        return x["logits"]

model = ModelWrapper(your_model)

Results

The generate function returns a pandas dataframe and a dictionary of numpy arrays. If you're in a jupyter notebook, you can view these dataframe inline using engine.display_df(df_results), but for the best experience we recommend you head to the leap app, or log directly to your weights and biases dashboard.

For more information about the data we return, see prototypes, entanglements, and feature isolations. If used with samples (see Sample Feature Isolation), the dataframe contains feature isolations for each sample, for the target classes (if provided), or for the top 3 predicted classes.

Supported Frameworks

We support both pytorch and tensorflow! Specify your package with the mode parameter, using 'tf' for tensorflow and 'pt' for pytorch.

If using pytorch, we expect the model to take images to be in channels first format, e.g. of shape [1, channels, height, width]. If tensorflow, channels last, e.g.[1, height, width, channels].

Weights and Biases Integration

We can also log results directly to your WandB projects. To do this, set project_name to the name of the WandB project where you'd like the results to be logged, and add your WandB API key and entity name to the config dictionary:

config = {
    "wandb_api_key": "YOUR_WANDB_API_KEY",
    "wandb_entity": "your_wandb_entity",
    "leap_api_key": "YOUR_LEAP_API_KEY",
}
df_results, dict_results = engine.generate(
    project_name="your_wandb_project_name",
    model=your_model,
    class_list=["hotdog", "not_hotdog"],
    config=config,
)

Prototype Generation

Given your model, we generate prototypes and entanglements We also isolate entangled features in your prototypes.

from leap_ie.vision import engine
from leap_ie.vision.models import get_model

config = {"leap_api_key": "YOUR_LEAP_API_KEY"}

# Replace this model with your own, or explore any imagenet classifier from torchvision (https://pytorch.org/vision/stable/models.html).
preprocessing_fn, model, class_list = get_model("torchvision.resnet18")

# indexes of classes to generate prototypes for. In this case, ['tench', 'goldfish', 'great white shark'].
target_classes = [0, 1, 2]

# generate prototypes
df_results, dict_results = engine.generate(
    project_name="resnet18",
    model=model,
    class_list=class_list,
    config=config,
    target_classes=target_classes,
    preprocessing=preprocessing_fn,
    samples=None,
    device=None,
    mode="pt",
)

# For the best experience, head to https://app.leap-labs.com/ to explore your prototypes and feature isolations in the browser!
# Or, if you're in a jupyter notebook, you can display your results inline:
engine.display_df(df_results)

Sample Feature Isolation

Given some input image, we can show you which features your model thinks belong to each class. If you specify target classes, we'll isolate features for those, or if not, we'll isolate features for the three highest probability classes.

from torchvision import transforms
from leap_ie.vision import engine
from leap_ie.vision.models import get_model
from PIL import Image

config = {"leap_api_key": "YOUR_LEAP_API_KEY"}

# Replace this model with your own, or explore any imagenet classifier from torchvision (https://pytorch.org/vision/stable/models.html).
preprocessing_fn, model, class_list = get_model("torchvision.resnet18")

# load an image
image_path = "tools.jpeg"
tt = transforms.ToTensor()
image = preprocessing_fn[0](tt(Image.open(image_path)).unsqueeze(0))

# to isolate features:
df_results, dict_results = engine.generate(
    project_name="resnet18",
    model=model,
    class_list=class_list,
    config=config,
    target_classes=None,
    preprocessing=preprocessing_fn,
    samples=image,
    mode="pt",
)

# For the best experience, head to https://app.leap-labs.com/ to explore your prototypes and feature isolations in the browser!
# Or, if you're in a jupyter notebook, you can display your results inline:
engine.display_df(df_results)

engine.generate()

The generate function is used for both prototype generation directly from the model, and for feature isolation on your input samples.

leap_ie.vision.engine.generate(
    project_name,
    model,
    class_list,
    config,
    target_classes=None,
    preprocessing=None,
    samples=None,
    device=None,
    mode="pt",
)
  • project_name (str): Name of your project. Used for logging.

    • Required: Yes
    • Default: None
  • model (object): Model for interpretation. Currently we support image classification models only. We expect the model to take a batch of images as input, and return a batch of logits (NOT probabilities). If using pytorch, we expect the model to take images to be in channels first format, e.g. of shape [1, channels, height, width]. If tensorflow, channels last, e.g.[1, height, width, channels].

    • Required: Yes
    • Default: None
  • class_list (list): List of class names corresponding to your model's output classes, e.g. ['hotdog', 'not hotdog', ...].

    • Required: Yes
    • Default: None
  • config (dict or str): Configuration dictionary, or path to a json file containing your configuration. At minimum, this must contain {"leap_api_key": "YOUR_LEAP_API_KEY"}.

    • Required: Yes
    • Default: None
  • target_classes (list, optional): List of target class indices to generate prototypes or isolations for, e.g. [0,1]. If None, prototypes will be generated for the class at output index 0 only, e.g. 'hotdog', and feature isolations will be generated for the top 3 predicted classes.

    • Required: No
    • Default: None
  • preprocessing (function, optional): Preprocessing function to be used for generation. This can be None, but for best results, use the preprocessing function used on inputs for inference.

    • Required: No
    • Default: None
  • samples (array, optional): None, or a batch of images to perform feature isolation on. If provided, only feature isolation is performed (not prototype generation). We expect samples to be of shape [num_images, height, width, channels] if using tensorflow, or [1, channels, height, width] if using pytorch.

    • Required: No
    • Default: None
  • device (str, optional): Device to be used for generation. If None, we will try to find a device.

    • Required: No
    • Default: None
  • mode (str, optional): Framework to use, either 'pt' for pytorch or 'tf' for tensorflow. Default is 'pt'.

    • Required: No
    • Default: pt

Config

Leap provides a number of configuration options to fine-tune the interpretability engine's performance with your models. You can provide it as a dictionary or a path to a .json file.

  • hf_weight (int): How much to penalise high-frequency patterns in the input. If you are generating very blurry and indistinct prototypes, decrease this. If you are getting very noisy prototypes, increase it. This depends on your model architecture and is hard for us to predict, so you might want to experiment. It's a bit like focussing a microscope. Best practice is to start with zero, and gradually increase.

    • Default: 0
  • input_dim (list): The dimensions of the input that your model expects.

    • Default: [224, 224, 3] if mode is "tf" else [3, 224, 224]
  • isolation (bool): Whether to isolate features for entangled classes. Set to False if you want prototypes only.

    • Default: True
  • find_lr_steps (int): How many steps to tune the learning rate over at the start of the generation process. We do this automatically for you, but if you want to tune the learning rate manually, set this to zero and provide a learning rate with lr.

    • Default: 500
  • max_steps (int): How many steps to run the prototype generation/feature isolation process for. If you get indistinct prototypes or isolations, try increasing this number.

    • Default: 1500

Here are all of the config options currently available:

config = {
    alpha_mask: bool = False
    alpha_only: bool = False
    alpha_weight: int = 1
    baseline_init: int = 0
    diversity_weight: int = 0
    find_lr_steps: int = 500
    hf_weight: int = 0
    input_dim: tuple = [3, 224, 224]
    isolate_classes: list = None
    isolation: bool = True
    isolation_hf_weight: int = 1
    isolation_lr: float = 0.05
    log_freq: int = 100
    lr: float = 0.05
    max_isolate_classes: int = 3
    max_lr: float = 1.0
    max_steps: int = 1500
    min_lr: float = 0.0001
    mode: str = "pt"
    num_lr_windows: int = 50
    project_name: str
    samples: list = None
    seed: int = 0
    stop_lr_early: bool = True
    transform: str = "xl"
    use_alpha: bool = False
    use_baseline: bool = False
    use_hipe: bool = False
    }
  • alpha_mask (bool): If True, applies a mask during prototype generation which encourages the resulting prototypes to be minimal, centered and concentrated. Experimental.

    • Default: False
  • alpha_only (bool): If True, during the prototype generation process, only an alpha channel is optimised. This results in generation prototypical shapes and textures only, with no colour information.

    • Default: False
  • baseline_init (int or str): How to initialise the input. A sensible option is the mean of your expected input data, if you know it. Use 'r' to initialise with random noise for more varied results with different random seeds.

    • Default: 0
  • diversity_weight (int): When generating multiple prototypes for the same class, we can apply a diversity objective to push for more varied inputs. The higher this number, the harder the optimisation process will push for different inputs. Experimental.

    • Default: 0
  • find_lr_steps (int): How many steps to tune the learning rate over at the start of the generation process. We do this automatically for you, but if you want to tune the learning rate manually, set this to zero and provide a learning rate with lr.

    • Default: 500
  • hf_weight (int): How much to penalise high-frequency patterns in the input. If you are generating very blurry and indistinct prototypes, decrease this. If you are getting very noisy prototypes, increase it. This depends on your model architecture and is hard for us to predict, so you might want to experiment. It's a bit like focussing binoculars. Best practice is to start with zero, and gradually increase.

    • Default: 1
  • input_dim (list): The dimensions of the input that your model expects.

    • Default: [224, 224, 3] if mode is "tf" else [3, 224, 224]
  • isolate_classes (list): If you'd like to isolate features for specific classes, rather than the top n, specify their indices here for EACH target, e.g. [[2,7,8], [2,3]].

    • Default: None
  • isolation (bool): Whether to isolate features for entangled classes. Set to False if you want prototypes only.

    • Default: True
  • isolation_hf_weight (int): How much to penalise high-frequency patterns in the feature isolation mask. See hf_weight.

    • Default: 1
  • isolation_lr (float): How much to update the isolation mask at each step during the feature isolation process.

    • Default: 0.05
  • log_freq (int): Interval at which to log images.

    • Default: 100
  • lr (float): How much to update the prototype at each step during the prototype generation process. We find this for you automatically between max_lr and min_lr, but if you would like to tune it manually, set find_lr_steps to zero and provide it here.

    • Default: 0.05
  • max_isolate_classes (int): How many classes to isolate features for, if isolate_classes is not provided.

    • Default: min(3, len(class_list))
  • max_lr (float): Maximum learning rate for learning rate finder.

  • Default: 1.0

  • max_steps (int): How many steps to run the prototype generation/feature isolation process for. If you get indistinct prototypes or isolations, try increasing this number.

    • Default: 1000
  • min_lr (float): Minimum learning rate for learning rate finder.

  • Default: 0.0001

  • seed (int): Random seed for initialisation.

    • Default: 0
  • transform (str): Random affine transformation to guard against adversarial noise. You can also experiment with the following options: ['s', 'm', 'l', 'xl']. You can also set this to None and provide your own transformation in `engine.generate(preprocessing=your transformation).

    • Default: xl
  • use_alpha (bool): If True, adds an alpha channel to the prototype. This results in the prototype generation process returning semi-transparent prototypes, which allow it to express ambivalence about the values of pixels that don't change the model prediction.

    • Default: False
  • use_baseline (bool): Whether to generate an equidistant baseline input prior to the prototype generation process. It takes a bit longer, but setting this to True will ensure that all prototypes generated for a model are not biased by input initialisation.

    • Default: False
  • wandb_api_key (str): Provide your weights and biases API key here to enable logging results directly to your WandB dashboard.

    • Default: None
  • wandb_entity (str): If logging to WandB, make sure to provide your WandB entity name here.

    • Default: None

FAQ

What is a prototype?

Prototype generation is a global interpretability method. It provides insight into what a model has learned without looking at its performance on test data, by extracting learned features directly from the model itself. This is important, because there's no guarantee that your test data covers all potential failure modes. It's another way of understanding what your model has learned, and helping you to predict how it will behave in deployment, on unseen data.

So what is a prototype? For each class that your model has been trained to predict, we can generate an input that maximises the probability of that output – this is the model's prototype for that class. It's a representation of what the model 'thinks' that class is.

For example, if you have a model trained to diagnose cancer from biopsy slides, prototype generation can show you what the model has learned to look for - what it 'thinks' malignant cells look like. This means you can check to see if it's looking for the right stuff, and ensure that it hasn't learned any spurious correlations from its training data that would cause dangerous mistakes in deployment (e.g. looking for lab markings on the slides, rather than at cell morphology).

What is entanglement?

During the prototype generation process we extract a lot of information from the model, including which other classes share features with the class prototype that we're generating. Depending on your domain, some entanglement may be expected - for example, an animal classifier is likely to have significant entanglement between 'cat' and 'dog', because those classes share (at least) the 'fur' feature. However, entanglement - especially unexpected entanglement, that doesn't make sense in your domain - can also be a very good indicator of where your model is likely to make misclassifications in deployment.

What is feature isolation?

Feature isolation does what it says on the tin - it isolates which features in the input the model is using to make its prediction.

We can apply feature isolation in two ways:

    1. On a prototype that we've generated, to isolate which features are shared between entangled classes, and so help explain how those classes are entangled; and
    1. On some input data, to explain individual predictions that your model makes, by isolating the features in the input that correspond to the predicted class (similar to saliency mapping).

So, you can use it to both understand properties of your model as a whole, and to better understand the individual predictions it makes.

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distributions

No source distribution files available for this release.See tutorial on generating distribution archives.

Built Distributions

If you're not sure about the file name format, learn more about wheel file names.

leap_ie-0.0.20-cp312-cp312-win_arm64.whl (710.9 kB view details)

Uploaded CPython 3.12Windows ARM64

leap_ie-0.0.20-cp312-cp312-win_amd64.whl (853.6 kB view details)

Uploaded CPython 3.12Windows x86-64

leap_ie-0.0.20-cp312-cp312-win32.whl (769.1 kB view details)

Uploaded CPython 3.12Windows x86

leap_ie-0.0.20-cp312-cp312-musllinux_1_1_x86_64.whl (5.9 MB view details)

Uploaded CPython 3.12musllinux: musl 1.1+ x86-64

leap_ie-0.0.20-cp312-cp312-musllinux_1_1_i686.whl (5.6 MB view details)

Uploaded CPython 3.12musllinux: musl 1.1+ i686

leap_ie-0.0.20-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (5.9 MB view details)

Uploaded CPython 3.12manylinux: glibc 2.17+ x86-64

leap_ie-0.0.20-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl (5.6 MB view details)

Uploaded CPython 3.12manylinux: glibc 2.17+ i686manylinux: glibc 2.5+ i686

leap_ie-0.0.20-cp312-cp312-macosx_11_0_arm64.whl (959.9 kB view details)

Uploaded CPython 3.12macOS 11.0+ ARM64

leap_ie-0.0.20-cp312-cp312-macosx_10_9_x86_64.whl (998.5 kB view details)

Uploaded CPython 3.12macOS 10.9+ x86-64

leap_ie-0.0.20-cp311-cp311-win_arm64.whl (725.8 kB view details)

Uploaded CPython 3.11Windows ARM64

leap_ie-0.0.20-cp311-cp311-win_amd64.whl (864.7 kB view details)

Uploaded CPython 3.11Windows x86-64

leap_ie-0.0.20-cp311-cp311-win32.whl (786.3 kB view details)

Uploaded CPython 3.11Windows x86

leap_ie-0.0.20-cp311-cp311-musllinux_1_1_x86_64.whl (5.8 MB view details)

Uploaded CPython 3.11musllinux: musl 1.1+ x86-64

leap_ie-0.0.20-cp311-cp311-musllinux_1_1_i686.whl (5.6 MB view details)

Uploaded CPython 3.11musllinux: musl 1.1+ i686

leap_ie-0.0.20-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (5.7 MB view details)

Uploaded CPython 3.11manylinux: glibc 2.17+ x86-64

leap_ie-0.0.20-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl (5.5 MB view details)

Uploaded CPython 3.11manylinux: glibc 2.17+ i686manylinux: glibc 2.5+ i686

leap_ie-0.0.20-cp311-cp311-macosx_11_0_arm64.whl (976.5 kB view details)

Uploaded CPython 3.11macOS 11.0+ ARM64

leap_ie-0.0.20-cp311-cp311-macosx_10_9_x86_64.whl (1.0 MB view details)

Uploaded CPython 3.11macOS 10.9+ x86-64

leap_ie-0.0.20-cp310-cp310-win_arm64.whl (722.7 kB view details)

Uploaded CPython 3.10Windows ARM64

leap_ie-0.0.20-cp310-cp310-win_amd64.whl (861.6 kB view details)

Uploaded CPython 3.10Windows x86-64

leap_ie-0.0.20-cp310-cp310-win32.whl (789.5 kB view details)

Uploaded CPython 3.10Windows x86

leap_ie-0.0.20-cp310-cp310-musllinux_1_1_x86_64.whl (5.3 MB view details)

Uploaded CPython 3.10musllinux: musl 1.1+ x86-64

leap_ie-0.0.20-cp310-cp310-musllinux_1_1_i686.whl (5.2 MB view details)

Uploaded CPython 3.10musllinux: musl 1.1+ i686

leap_ie-0.0.20-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (5.1 MB view details)

Uploaded CPython 3.10manylinux: glibc 2.17+ x86-64

leap_ie-0.0.20-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl (4.9 MB view details)

Uploaded CPython 3.10manylinux: glibc 2.17+ i686manylinux: glibc 2.5+ i686

leap_ie-0.0.20-cp310-cp310-macosx_11_0_arm64.whl (979.1 kB view details)

Uploaded CPython 3.10macOS 11.0+ ARM64

leap_ie-0.0.20-cp310-cp310-macosx_10_9_x86_64.whl (1.0 MB view details)

Uploaded CPython 3.10macOS 10.9+ x86-64

leap_ie-0.0.20-cp39-cp39-win_arm64.whl (725.2 kB view details)

Uploaded CPython 3.9Windows ARM64

leap_ie-0.0.20-cp39-cp39-win_amd64.whl (863.0 kB view details)

Uploaded CPython 3.9Windows x86-64

leap_ie-0.0.20-cp39-cp39-win32.whl (791.3 kB view details)

Uploaded CPython 3.9Windows x86

leap_ie-0.0.20-cp39-cp39-musllinux_1_1_x86_64.whl (5.3 MB view details)

Uploaded CPython 3.9musllinux: musl 1.1+ x86-64

leap_ie-0.0.20-cp39-cp39-musllinux_1_1_i686.whl (5.2 MB view details)

Uploaded CPython 3.9musllinux: musl 1.1+ i686

leap_ie-0.0.20-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (5.1 MB view details)

Uploaded CPython 3.9manylinux: glibc 2.17+ x86-64

leap_ie-0.0.20-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl (5.0 MB view details)

Uploaded CPython 3.9manylinux: glibc 2.17+ i686manylinux: glibc 2.5+ i686

leap_ie-0.0.20-cp39-cp39-macosx_11_0_arm64.whl (981.1 kB view details)

Uploaded CPython 3.9macOS 11.0+ ARM64

leap_ie-0.0.20-cp39-cp39-macosx_10_9_x86_64.whl (1.0 MB view details)

Uploaded CPython 3.9macOS 10.9+ x86-64

leap_ie-0.0.20-cp38-cp38-win_amd64.whl (882.7 kB view details)

Uploaded CPython 3.8Windows x86-64

leap_ie-0.0.20-cp38-cp38-win32.whl (803.2 kB view details)

Uploaded CPython 3.8Windows x86

leap_ie-0.0.20-cp38-cp38-musllinux_1_1_x86_64.whl (6.7 MB view details)

Uploaded CPython 3.8musllinux: musl 1.1+ x86-64

leap_ie-0.0.20-cp38-cp38-musllinux_1_1_i686.whl (5.9 MB view details)

Uploaded CPython 3.8musllinux: musl 1.1+ i686

leap_ie-0.0.20-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (5.3 MB view details)

Uploaded CPython 3.8manylinux: glibc 2.17+ x86-64

leap_ie-0.0.20-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl (5.1 MB view details)

Uploaded CPython 3.8manylinux: glibc 2.17+ i686manylinux: glibc 2.5+ i686

leap_ie-0.0.20-cp38-cp38-macosx_11_0_arm64.whl (970.7 kB view details)

Uploaded CPython 3.8macOS 11.0+ ARM64

leap_ie-0.0.20-cp38-cp38-macosx_10_9_x86_64.whl (1.0 MB view details)

Uploaded CPython 3.8macOS 10.9+ x86-64

File details

Details for the file leap_ie-0.0.20-cp312-cp312-win_arm64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp312-cp312-win_arm64.whl
  • Upload date:
  • Size: 710.9 kB
  • Tags: CPython 3.12, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-win_arm64.whl
Algorithm Hash digest
SHA256 f198001a162fda1bf573fb925262cff411808cbb392516ee32d67f96210f42c3
MD5 8258ccd3058bd0b6891f875bade73ac0
BLAKE2b-256 6c63e45e6f9fb7214723f24b152a28e57e00f5fb4e1a5c8748e5feda3d3bce45

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-win_amd64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp312-cp312-win_amd64.whl
  • Upload date:
  • Size: 853.6 kB
  • Tags: CPython 3.12, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-win_amd64.whl
Algorithm Hash digest
SHA256 0bcad093701eab0c01ecb090ca4d4891a781ff6947dbd9e3946b300397030e6f
MD5 1f8b9d4c26886713fa3c2e89827d0606
BLAKE2b-256 be720baac8fd88d7793bfbba1ea0ecd4f8a7a81eb01c3a1e3bead622a29a8604

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-win32.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp312-cp312-win32.whl
  • Upload date:
  • Size: 769.1 kB
  • Tags: CPython 3.12, Windows x86
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-win32.whl
Algorithm Hash digest
SHA256 80c4ea25765c9de9a26ed4c9b733a35cadb698adcae5428791f65b71db32ce50
MD5 5cb0e79710e1742c37bf56db47aa8c9c
BLAKE2b-256 64c333edfd99d4bd299863dbac8f074a705c9d1feee6a43715c9a0ec7908c8f4

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-musllinux_1_1_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-musllinux_1_1_x86_64.whl
Algorithm Hash digest
SHA256 9f4d250d76d2a115110ecaf0a528f8546a91b4c8559deafc950b0d3fd9d7301d
MD5 7f3f8b3e16ba71120120356633680cfe
BLAKE2b-256 a4a1ef9948e5344fe09e89ede9a83a37894c979868b105f787a576455b3102d9

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-musllinux_1_1_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-musllinux_1_1_i686.whl
Algorithm Hash digest
SHA256 79dfea34f6736a496ba0f25e6b106d24733a3f009ab32d63d6d5ffcbecc7b00e
MD5 bd0dc499fb3a0361351df41f530017bc
BLAKE2b-256 13f7abf56be5d260c7ae3da91a1a2182eaa9bcfd0dbecd67018adcc8ea5c2dc8

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 7527a2a944425d4c92ebeccfe61b2b7e31519369257c15da6bf57b89fa12b4e2
MD5 9a2d86d4bc32a44a6df895f15aca8bba
BLAKE2b-256 206c5412c54547fb0efd2b11baafbb4772a3a1e5611694e536d7eaec8ea97282

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl
Algorithm Hash digest
SHA256 38176da4bedd150dbbf9d1a54dc56b27b13b392ba88c620f84a256299f1cb951
MD5 3e6d276afe364408663d128bb5e808b6
BLAKE2b-256 0acb4e3609e7521d1c7fc10a488fa4259fbceb882c58ac697a2821401029080c

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 4cda3445e83aa9426e7f2eda17c3cf1622965159df37f1b52d1712a4c57c8365
MD5 3f592335b814c1768f77ad7c7344bedd
BLAKE2b-256 169b125d11818c759a68b8029609daca563d2681e358a0245a4a6c7324616900

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp312-cp312-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp312-cp312-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 70a04631e66a72ce28e995a43de721c67923e0f5a5053e9c5fb3f945fe5b2d0e
MD5 a508d04ffe57f7d5420a5f38af1d60b3
BLAKE2b-256 b9fcad25dac0c74f012e0ec634931ac855766034b73c83522789e36df880b983

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-win_arm64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp311-cp311-win_arm64.whl
  • Upload date:
  • Size: 725.8 kB
  • Tags: CPython 3.11, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-win_arm64.whl
Algorithm Hash digest
SHA256 ff37d5afeabd668b309384ad3756dcfb98b99ae652a1ec93b88efa287005fc57
MD5 59f622d0cd798eae1b3dfe55a5ad4a55
BLAKE2b-256 57cbd70f47ea0d81430d1b3a37a44fe3e4ae99369dd3aa4e09ec10dcab106707

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-win_amd64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp311-cp311-win_amd64.whl
  • Upload date:
  • Size: 864.7 kB
  • Tags: CPython 3.11, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 20805c41c790f2907ae70ff37815367c5dfc60c3deffc990c99ba1d427f838de
MD5 e2d498c1b20b34dda8f129a67ed7d073
BLAKE2b-256 3faa9c39ff58effe4a06cd52c7222fc9e4c61c0b3172e90232b1a48629bcc02a

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-win32.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp311-cp311-win32.whl
  • Upload date:
  • Size: 786.3 kB
  • Tags: CPython 3.11, Windows x86
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-win32.whl
Algorithm Hash digest
SHA256 1a5fb59fe3e465428a5f5401d0370d647c4251945ef9730468467daa725d028c
MD5 36585849de45ae7867d4b3fa99806c82
BLAKE2b-256 0eda7bcfc9eadc8a37a1e97ca88e1d389d519238831bbf43ba8674c3abd8fc9b

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-musllinux_1_1_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-musllinux_1_1_x86_64.whl
Algorithm Hash digest
SHA256 c31f55b4d106414430eeee95a0706c66fe25bb6a4779fed141252e3aa632dbb5
MD5 00a758c8ab30292093bfb2ec8a4c474b
BLAKE2b-256 d6ba53d02f2cdc60e348fd83eb6e5ebbc58e8a1fa2d5a1100fb297172c519f5c

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-musllinux_1_1_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-musllinux_1_1_i686.whl
Algorithm Hash digest
SHA256 a7e3a78fffcb805f218be76a9c3798691744e3158e69c0ee7c6ef3aa2968e8f1
MD5 8e41b7f1ba571cf7a4cc29b7c57d55fe
BLAKE2b-256 ac5082ddc401b49f09314ca6f798dbffcdc29dd2591ec6371229dad0b0e00496

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 86d9b54cb44f4222c14ddfe36aff91c64506c1a6c7d83631721bfe4b0cd6d19a
MD5 4be8b8249501f5a53c10b4c3900e0bac
BLAKE2b-256 5461ccecd37d9b11ab3049ba89eef382038216db484c961f24bb5fa04a63690f

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl
Algorithm Hash digest
SHA256 cce80cb14a794170270eed530badb8280e48b9629317d7f17079076c3b744a8b
MD5 34a67da85186f412a85e1f18b36e8b53
BLAKE2b-256 5e32207d6e88b2772fb9ca6175201700cce4c0ae5da10ccc69e0ccc5def9d324

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 691b5d05380c3e736cda9c852ea248d8cfa1d26d707b9cdab7f6732a9281db06
MD5 96285d7232e8785df825dc8a01b9d567
BLAKE2b-256 a52077807d451a99e11ff94db47f43382fcb80c268d347d96ec4d96799425289

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp311-cp311-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 316256cd3f84f1b4fb34cbd7ecf4e989297d924d2d756419eae8f45f5e07da3f
MD5 970c9f86a6ad17d23799a637ca9d7f60
BLAKE2b-256 3712c051eaa67a2f1cbb0a713921bf180f94d0838902dc300043f8a714f0b789

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-win_arm64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp310-cp310-win_arm64.whl
  • Upload date:
  • Size: 722.7 kB
  • Tags: CPython 3.10, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-win_arm64.whl
Algorithm Hash digest
SHA256 9e1dbc8ae5ca5195931bec94f728ef1b2d710116495129dd07ea32dca8ae3430
MD5 80fed33cbe47688066690b56458bdfc8
BLAKE2b-256 5906d70d7ecaf6ccfd3c11860b2d9df5499d0132b1fbe65f23cb51b15d7d0d27

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-win_amd64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 861.6 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 617883344c1b39622cfca658ba2dd4dc41a56e36cea4fa2bf771ccd9ccc4827c
MD5 a5ad59113d1b5139528f50ae27da6dd2
BLAKE2b-256 df1d69a1ccb3f86561e55b3752bb42f18b0b425dd279d007f4db04f974f22529

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-win32.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp310-cp310-win32.whl
  • Upload date:
  • Size: 789.5 kB
  • Tags: CPython 3.10, Windows x86
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-win32.whl
Algorithm Hash digest
SHA256 1fe755e05252a23893a6f23318e1c3ddb16eebd9137f9e71527d21a54a0876dd
MD5 1a96b8cedf838f5401e1287697310a05
BLAKE2b-256 05929afcb2a8ea0996b4365b6f329f5c438ecd13879d94faa2c073e4e31fb45b

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-musllinux_1_1_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-musllinux_1_1_x86_64.whl
Algorithm Hash digest
SHA256 b2291c856b2497354c5aed85a96ac835a472901790d759e3f94e29af8cfd37bd
MD5 16b58c4f9044edc3317aff83fc8196a3
BLAKE2b-256 65517ddb72bbcde32f326d79c34129b7c57504ecaa631d0b87e5e0e0f55f852b

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-musllinux_1_1_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-musllinux_1_1_i686.whl
Algorithm Hash digest
SHA256 38bcdd99da9bb65df77af102a1b2d4fcc29e755c15403e95a584ab3a8864def5
MD5 5ec71b9e0db0d28367776c1dd7ebb2f0
BLAKE2b-256 a941bdd3e70c6aeabb74f051dd5c1c1bbf53715972c884dc7de6d551e5ae7f5d

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 2e61034082b4f4d4770305b200d6d9e447a6dba0a6090d31b9495a71ea6f1021
MD5 3f3c92a8fc87d9765abf69d7ddb726c6
BLAKE2b-256 373de273dcb971bced4cc7738493f1c86a3f229a890deb1ec4ec73d9236051e2

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl
Algorithm Hash digest
SHA256 9553893dbf594da66322355674b5d2c6221db7512dcb1182fa53a095f5071228
MD5 4e31612f04d9e3626eaf27df52ee7efa
BLAKE2b-256 2014223683040c820ba617878297f50b4ba5ec9cc856f1000ee95458baba3e73

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 96642cd15d33f510493f1f36485b4f7ff44569af97ca0a9e57eb2c0ae1d03652
MD5 2b7e1e8c73771f64e253ceb8905677e2
BLAKE2b-256 5038a3f3da4b27622599f33afbb137dfa8abc6937f9a152db52aac3ac02f87fe

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp310-cp310-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 9c83ee432cc68e77bb4ba194012df05b823da9bc9b677c3c24b64eb342f20c5c
MD5 4c129ef098cabc16d60b4f16dd542d14
BLAKE2b-256 c6afc7588b2c0fa3b135e6f0ba8ea4314ec7b9adc7fbf8ff7c2367ec929afecc

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-win_arm64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp39-cp39-win_arm64.whl
  • Upload date:
  • Size: 725.2 kB
  • Tags: CPython 3.9, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-win_arm64.whl
Algorithm Hash digest
SHA256 b3ee6b6b8d46257f5cf49281e06acbb6db74845d459ba498d3954d496c428d22
MD5 5cc6869d1852dea20735991b6b089941
BLAKE2b-256 6048811ce30c299afc13736d34375f186c4eaeaa1d2904680e17811ff06e57bd

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-win_amd64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 863.0 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 d04a40301f7eab0ebcd7549c6249c91e5d6bfdf950754640b593406507715ed5
MD5 17266651ac891d4f7ec9d1d19949f721
BLAKE2b-256 35f8797aab13bb2721dee00655b31e89bd9c51f01e472d616ccd41726ba885f1

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-win32.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp39-cp39-win32.whl
  • Upload date:
  • Size: 791.3 kB
  • Tags: CPython 3.9, Windows x86
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-win32.whl
Algorithm Hash digest
SHA256 ce5158cf51702cd3d68652f1c7ca237dfc779919605212065a9b9acdc62d6131
MD5 644a8d230c0c04386db8604f39890b87
BLAKE2b-256 76b5f131c0a7e048595b703061c31fca0f021b1920fee615374e8945a21a639b

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-musllinux_1_1_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-musllinux_1_1_x86_64.whl
Algorithm Hash digest
SHA256 8e7f33bda5d0e3a5f3f4bf5eee0e219d01f2fc00638e0822abed94a6ad218f2a
MD5 abc3e5c2d54ffac153d65fd723c95581
BLAKE2b-256 14b5329c300f140ec14a6477ff6e8a47ef26dc24794bf668f972cf2d6b57fa91

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-musllinux_1_1_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-musllinux_1_1_i686.whl
Algorithm Hash digest
SHA256 3b073ece90fee4b14245e14fead397e72355bcdc440c8049b60426b661f02c7d
MD5 36b6c288066093bf906b80c9b69f29e3
BLAKE2b-256 e7657fb8a9f24a4aa8b5d2388383bb95a0d8ca23862dc3d835ac07d11c83f4b0

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 0b6f704c871827c123e3c30539616ed22301409b00dd8351607c197d7295bcde
MD5 d35441ec31288c5eab071a385509ebd9
BLAKE2b-256 85adaa6d3a805f649ab1b5f37e53cb164c2015111aa85f71c14123ac0639d908

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl
Algorithm Hash digest
SHA256 79accea15842e6b0afe67b980ac597657398af4496c16031e6ff472a76c10809
MD5 128e569eed11b91311d560d410bda914
BLAKE2b-256 eea3db8edab5b288d2016887444b40ceac27aefacab504774cc70a69a4d96c8d

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 a251395784a8bfc83b3cdfa30e282e92082a01e2e8ca1ea4fcfb972aaa02f233
MD5 d60a575404d33801cb80ebbacfbc838f
BLAKE2b-256 5d91705f07992f35e533ac76cbd712155ab1816682c332184298a23891ab36af

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp39-cp39-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 16284d850c8fc0045ec8ede1d271a0ca5301a5a188922949f2e9a1d7550701fe
MD5 efacf9d5a446449e816c90515d5619c2
BLAKE2b-256 6ea8dfe47838361599eef6989de6540e8ffe10358ff5e9047c6c54d9e4fdaa42

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-win_amd64.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 882.7 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 8bcff60fe6a86181aa38f5e16e89b6cd6c8bf70d09f3c9407c107d586fc3c292
MD5 b623577f40784e243affc9b300ad12fa
BLAKE2b-256 85cc7f46f75af5fc26154cd9cecfc797d411d290d4747514c60cfd884cedf4fb

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-win32.whl.

File metadata

  • Download URL: leap_ie-0.0.20-cp38-cp38-win32.whl
  • Upload date:
  • Size: 803.2 kB
  • Tags: CPython 3.8, Windows x86
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/4.0.2 CPython/3.11.6

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-win32.whl
Algorithm Hash digest
SHA256 668f8277e3c5522246fd94b7ba5a75aea6fcd5a2ab0cf00d908249dba3d96025
MD5 ed7f7d9c2c9dc5e8978c27370a8f12f5
BLAKE2b-256 8e5ced9b9f730cf669ae6b078cc98a28a864c78257741d9599c1c032d015fc8b

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-musllinux_1_1_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-musllinux_1_1_x86_64.whl
Algorithm Hash digest
SHA256 4f169a874b0a4c0d52e8283a63ad26229e47242c36482182d3f17ab99c153784
MD5 8f79a9ab12eea759483ba72f1be4b666
BLAKE2b-256 4f0f82420d17988764d4a1d7160a19d7b5e635446a9444cb26910cbb8f44cb17

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-musllinux_1_1_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-musllinux_1_1_i686.whl
Algorithm Hash digest
SHA256 95023be09e993b13fbc388951de5bbbb43acef983004bf490cf2d624117b2bd9
MD5 05054ed159e0e8db065a82a9130a618c
BLAKE2b-256 df8d259e423a8406b1a75ce105f02ddebba899ef2bf3f70a8489b35a1b7f4fa2

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 e146b37319f4950400ca9c012809588e49b274f492e2b00d1c9a2aecdfbfcb3e
MD5 f16c5bf8dca4227e1e2fe40df4f491d7
BLAKE2b-256 5f06e2ca90ab22323e20501fc8cd554397654064273c7651bd6b334850f972ff

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl
Algorithm Hash digest
SHA256 5f42f18e5d06a297983e8b67037bf5d13a10c0fbb7e8babacb7bd083775f21f3
MD5 c0a8acc72aeaf6cbe6c0a5b38034c2ad
BLAKE2b-256 28bc3e3d65f35c443046859afbf40e85a1810e978fdeb8977ba64c6d31ff5dfd

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 f6f11bbc6c49fb068a4ca748cb56cac37d3b899a5671bea56560d316c4387e70
MD5 c562a09624a670ff8a94aedbf2e7da67
BLAKE2b-256 b8a83350ffe3eac479d4615fbb8764e61e6be7eacfefb4a4f4b59c6a284eff29

See more details on using hashes here.

File details

Details for the file leap_ie-0.0.20-cp38-cp38-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for leap_ie-0.0.20-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 f77d63e3d35b0e2458b835519427f40a06cb9c5231fd97db5b058b751ca9bf4d
MD5 ab11c4c9d70a345fdb4d5f99d9765cd7
BLAKE2b-256 e1bf812256a152bee1f062d9c3adb03388679e7d7552ca0fcd9f8a214302d088

See more details on using hashes here.

Supported by

AWS Cloud computing and Security Sponsor Datadog Monitoring Depot Continuous Integration Fastly CDN Google Download Analytics Pingdom Monitoring Sentry Error logging StatusPage Status page