Skip to main content

StarDist - Object Detection with Star-convex Shapes

Project description

PyPI version Anaconda-Server Badge Test Test (PyPI) Image.sc forum PyPI - Downloads

StarDist - Object Detection with Star-convex Shapes

This repository contains the Python implementation of star-convex object detection for 2D and 3D images, as described in the papers:

Please cite the paper(s) if you are using this code in your research.

Overview

The following figure illustrates the general approach for 2D images. The training data consists of corresponding pairs of input (i.e. raw) images and fully annotated label images (i.e. every pixel is labeled with a unique object id or 0 for background). A model is trained to densely predict the distances (r) to the object boundary along a fixed set of rays and object probabilities (d), which together produce an overcomplete set of candidate polygons for a given input image. The final result is obtained via non-maximum suppression (NMS) of these candidates.

The approach for 3D volumes is similar to the one described for 2D, using pairs of input and fully annotated label volumes as training data.

Webinar/Tutorial

If you want to know more about the concepts and practical applications of StarDist, please have a look at the following webinar that was given at NEUBIAS Academy @Home 2020:

webinar video

Installation

This package is compatible with Python 3.6 - 3.10.

If you only want to use a StarDist plugin for a GUI-based software, please read this.

  1. Please first install TensorFlow (either TensorFlow 1 or 2) by following the official instructions. For GPU support, it is very important to install the specific versions of CUDA and cuDNN that are compatible with the respective version of TensorFlow. (If you need help and can use conda, take a look at this.)

  2. StarDist can then be installed with pip:

    • If you installed TensorFlow 2 (version 2.x.x):

      pip install stardist
      
    • If you installed TensorFlow 1 (version 1.x.x):

      pip install "stardist[tf1]"
      

Notes

  • Depending on your Python installation, you may need to use pip3 instead of pip.
  • You can find out which version of TensorFlow is installed via pip show tensorflow.
  • We provide pre-compiled binaries ("wheels") that should work for most Linux, Windows, and macOS platforms. If you're having problems, please see the troubleshooting section below.
  • (Optional) You need to install gputools if you want to use OpenCL-based computations on the GPU to speed up training.
  • (Optional) You might experience improved performance during training if you additionally install the Multi-Label Anisotropic 3D Euclidean Distance Transform (MLAEDT-3D).

Usage

We provide example workflows for 2D and 3D via Jupyter notebooks that illustrate how this package can be used.

Pretrained Models for 2D

Currently we provide some pretrained models in 2D that might already be suitable for your images:

key Modality (Staining) Image format Example Image Description
2D_versatile_fluo 2D_paper_dsb2018 Fluorescence (nuclear marker) 2D single channel Versatile (fluorescent nuclei) and DSB 2018 (from StarDist 2D paper) that were both trained on a subset of the DSB 2018 nuclei segmentation challenge dataset.
2D_versatile_he Brightfield (H&E) 2D RGB Versatile (H&E nuclei) that was trained on images from the MoNuSeg 2018 training data and the TNBC dataset from Naylor et al. (2018).

You can access these pretrained models from stardist.models.StarDist2D

from stardist.models import StarDist2D

# prints a list of available models
StarDist2D.from_pretrained()

# creates a pretrained model
model = StarDist2D.from_pretrained('2D_versatile_fluo')

And then try it out with a test image:

from stardist.data import test_image_nuclei_2d
from stardist.plot import render_label
from csbdeep.utils import normalize
import matplotlib.pyplot as plt

img = test_image_nuclei_2d()

labels, _ = model.predict_instances(normalize(img))

plt.subplot(1,2,1)
plt.imshow(img, cmap="gray")
plt.axis("off")
plt.title("input image")

plt.subplot(1,2,2)
plt.imshow(render_label(labels, img=img))
plt.axis("off")
plt.title("prediction + input overlay")

Annotating Images

To train a StarDist model you will need some ground-truth annotations: for every raw training image there has to be a corresponding label image where all pixels of a cell region are labeled with a distinct integer (and background pixels are labeled with 0). To create such annotations in 2D, there are several options, among them being Fiji, Labkit, or QuPath. In 3D, there are fewer options: Labkit and Paintera (the latter being very sophisticated but having a steeper learning curve).

Although each of these provide decent annotation tools, we currently recommend using Labkit (for 2D or 3D images) or QuPath (for 2D):

Annotating with LabKit (2D or 3D)

  1. Install Fiji and the Labkit plugin
  2. Open the (2D or 3D) image and start Labkit via Plugins > Labkit > Open Current Image With Labkit
  3. Successively add a new label and annotate a single cell instance with the brush tool until all cells are labeled.
    (Always disable allow overlapping labels or – in older versions of LabKit – enable the override option.)
  4. Export the label image via Labeling > Save Labeling ... with Files of Type > TIF Image making sure that the file name ends with .tif or .tiff.

Additional tips:

  • The Labkit viewer uses BigDataViewer and its keybindings (e.g. s for contrast options, CTRL+Shift+mouse-wheel for zoom-in/out etc.)
  • For 3D images (XYZ) it is best to first convert it to a (XYT) timeseries (via Re-Order Hyperstack and swapping z and t) and then use [ and ] in Labkit to walk through the slices.

Annotating with QuPath (2D)

  1. Install QuPath
  2. Create a new project (File -> Project...-> Create project) and add your raw images
  3. Annotate nuclei/objects
  4. Run this script to export the annotations (save the script and drag it on QuPath. Then execute it with Run for project). The script will create a ground_truth folder within your QuPath project that includes both the images and masks subfolder that then can directly be used with StarDist.

To see how this could be done, have a look at the following example QuPath project (data courtesy of Romain Guiet, EPFL).

Multi-class Prediction

StarDist also supports multi-class prediction, i.e. each found object instance can additionally be classified into a fixed number of discrete object classes (e.g. cell types):

Please see the multi-class example notebook if you're interested in this.

Instance segmentation metrics

StarDist contains the stardist.matching submodule that provides functions to compute common instance segmentation metrics between ground-truth label masks and predictions (not necessarily from StarDist). Currently available metrics are

  • tp, fp, fn
  • precision, recall, accuracy, f1
  • panoptic_quality
  • mean_true_score, mean_matched_score

which are computed by matching ground-truth/prediction objects if their IoU exceeds a threshold (by default 50%). See the documentation of stardist.matching.matching for a detailed explanation.

Here is an example how to use it:

# create some example ground-truth and dummy prediction data
from stardist.data import test_image_nuclei_2d
from scipy.ndimage import rotate
_, y_true = test_image_nuclei_2d(return_mask=True)
y_pred = rotate(y_true, 2, order=0, reshape=False)

# compute metrics between ground-truth and prediction
from stardist.matching import matching

metrics =  matching(y_true, y_pred)

print(metrics)
Matching(criterion='iou', thresh=0.5, fp=88, tp=37, fn=88, precision=0.296, 
       recall=0.296, accuracy=0.1737, f1=0.296, n_true=125, n_pred=125, 
       mean_true_score=0.19490, mean_matched_score=0.65847, panoptic_quality=0.19490)

If you want to compare a list of images you can use stardist.matching.matching_dataset:

from stardist.matching import matching_dataset

metrics = matching_dataset([y_true, y_true], [y_pred, y_pred])

print(metrics)
DatasetMatching(criterion='iou', thresh=0.5, fp=176, tp=74, fn=176, precision=0.296, 
    recall=0.296, accuracy=0.1737, f1=0.296, n_true=250, n_pred=250, 
    mean_true_score=0.19490, mean_matched_score=0.6584, panoptic_quality=0.1949, by_image=False)

Troubleshooting & Support

  1. Please first take a look at the frequently asked questions (FAQ).
  2. If you need further help, please go to the image.sc forum and try to find out if the issue you're having has already been discussed or solved by other people. If not, feel free to create a new topic there and make sure to use the tag stardist (we are monitoring all questions with this tag). When opening a new topic, please provide a clear and concise description to understand and ideally reproduce the issue you're having (e.g. including a code snippet, Python script, or Jupyter notebook).
  3. If you have a technical question related to the source code or believe to have found a bug, feel free to open an issue, but please check first if someone already created a similar issue.

Installation

If pip install stardist fails, it could be because there are no compatible wheels (.whl) for your platform (see list). In this case, pip tries to compile a C++ extension that our Python package relies on (see below). While this often works on Linux out of the box, it will likely fail on Windows and macOS without installing a suitable compiler. (Note that you can enforce compilation by installing via pip install stardist --no-binary :stardist:.)

Installation without using wheels requires Python 3.6 (or newer) and a working C++ compiler. We have only tested GCC (macOS, Linux), Clang (macOS), and Visual Studio (Windows 10). Please open an issue if you have problems that are not resolved by the information below.

If available, the C++ code will make use of OpenMP to exploit multiple CPU cores for substantially reduced runtime on modern CPUs. This can be important to prevent slow model training.

macOS

The default C/C++ compiler Clang that comes with the macOS command line tools (installed via xcode-select --install) does not support OpenMP out of the box, but it can be added. Alternatively, a suitable compiler can be installed from conda-forge. Please see this detailed guide for more information on both strategies (although written for scikit-image, it also applies here).

A third alternative (and what we did until StarDist 0.8.1) is to install the OpenMP-enabled GCC compiler via Homebrew with brew install gcc (e.g. installing gcc-10/g++-10 or newer). After that, you can build the package like this (adjust compiler names/paths as necessary):

CC=gcc-10 CXX=g++-10 pip install stardist

If you use conda on macOS and after import stardist see errors similar to Symbol not found: _GOMP_loop_nonmonotonic_dynamic_next, please see this issue for a temporary workaround.

Apple Silicon

As of StarDist 0.8.2, we provide arm64 wheels that should work with macOS on Apple Silicon (M1 chip or newer). We recommend setting up an arm64 conda environment with GPU-accelerated TensorFlow following Apple's instructions (ensure you are using macOS 12 Monterey or newer) using conda-forge miniforge3 or mambaforge. Then install stardist using pip.

conda create -y -n stardist-env python=3.9   
conda activate stardist-env
conda install -c apple tensorflow-deps
pip install tensorflow-macos tensorflow-metal
pip install stardist

Windows

Please install the Build Tools for Visual Studio 2019 (or newer) from Microsoft to compile extensions for Python 3.6+ (see this for further information). During installation, make sure to select the C++ build tools. Note that the compiler comes with OpenMP support.

Plugins for other software

ImageJ/Fiji

We currently provide a ImageJ/Fiji plugin that can be used to run pretrained StarDist models on 2D or 2D+time images. Installation and usage instructions can be found at the plugin page.

Napari

We made a plugin for the Python-based multi-dimensional image viewer napari. It directly uses the StarDist Python package and works for 2D and 3D images. Please see the code repository for further details.

QuPath

Inspired by the Fiji plugin, Pete Bankhead made a custom implementation of StarDist 2D for QuPath to use pretrained models. Please see this page for documentation and installation instructions.

Icy

Based on the Fiji plugin, Deborah Schmidt made a StarDist 2D plugin for Icy to use pretrained models. Please see the code repository for further details.

KNIME

Stefan Helfrich has modified the Fiji plugin to be compatible with KNIME. Please see this page for further details.

How to cite

@inproceedings{schmidt2018,
  author    = {Uwe Schmidt and Martin Weigert and Coleman Broaddus and Gene Myers},
  title     = {Cell Detection with Star-Convex Polygons},
  booktitle = {Medical Image Computing and Computer Assisted Intervention - {MICCAI} 
  2018 - 21st International Conference, Granada, Spain, September 16-20, 2018, Proceedings, Part {II}},
  pages     = {265--273},
  year      = {2018},
  doi       = {10.1007/978-3-030-00934-2_30}
}

@inproceedings{weigert2020,
  author    = {Martin Weigert and Uwe Schmidt and Robert Haase and Ko Sugawara and Gene Myers},
  title     = {Star-convex Polyhedra for 3D Object Detection and Segmentation in Microscopy},
  booktitle = {The IEEE Winter Conference on Applications of Computer Vision (WACV)},
  month     = {March},
  year      = {2020},
  doi       = {10.1109/WACV45572.2020.9093435}
}

Project details


Download files

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

Source Distribution

stardist-0.8.5.tar.gz (885.6 kB view details)

Uploaded Source

Built Distributions

stardist-0.8.5-cp311-cp311-win_amd64.whl (807.3 kB view details)

Uploaded CPython 3.11 Windows x86-64

stardist-0.8.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.11 manylinux: glibc 2.17+ x86-64

stardist-0.8.5-cp311-cp311-macosx_11_0_arm64.whl (854.4 kB view details)

Uploaded CPython 3.11 macOS 11.0+ ARM64

stardist-0.8.5-cp311-cp311-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.11 macOS 10.9+ x86-64

stardist-0.8.5-cp310-cp310-win_amd64.whl (807.4 kB view details)

Uploaded CPython 3.10 Windows x86-64

stardist-0.8.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.10 manylinux: glibc 2.17+ x86-64

stardist-0.8.5-cp310-cp310-macosx_11_0_arm64.whl (854.4 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

stardist-0.8.5-cp310-cp310-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.10 macOS 10.9+ x86-64

stardist-0.8.5-cp39-cp39-win_amd64.whl (807.4 kB view details)

Uploaded CPython 3.9 Windows x86-64

stardist-0.8.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.9 manylinux: glibc 2.17+ x86-64

stardist-0.8.5-cp39-cp39-macosx_11_0_arm64.whl (854.4 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

stardist-0.8.5-cp39-cp39-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.9 macOS 10.9+ x86-64

stardist-0.8.5-cp38-cp38-win_amd64.whl (808.0 kB view details)

Uploaded CPython 3.8 Windows x86-64

stardist-0.8.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.8 manylinux: glibc 2.17+ x86-64

stardist-0.8.5-cp38-cp38-macosx_11_0_arm64.whl (855.3 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

stardist-0.8.5-cp38-cp38-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.8 macOS 10.9+ x86-64

stardist-0.8.5-cp37-cp37m-win_amd64.whl (807.8 kB view details)

Uploaded CPython 3.7m Windows x86-64

stardist-0.8.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.7m manylinux: glibc 2.17+ x86-64

stardist-0.8.5-cp37-cp37m-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.7m macOS 10.9+ x86-64

stardist-0.8.5-cp36-cp36m-win_amd64.whl (807.6 kB view details)

Uploaded CPython 3.6m Windows x86-64

stardist-0.8.5-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.6m manylinux: glibc 2.17+ x86-64

stardist-0.8.5-cp36-cp36m-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.6m macOS 10.9+ x86-64

File details

Details for the file stardist-0.8.5.tar.gz.

File metadata

  • Download URL: stardist-0.8.5.tar.gz
  • Upload date:
  • Size: 885.6 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5.tar.gz
Algorithm Hash digest
SHA256 260a31df86ca711e5e98cb91597c6cb9a10dcd1dc3c6b826d41b7c73c9646a1e
MD5 9f9180eff8dedf4df4455b00b914736b
BLAKE2b-256 d1bfc06fb4b6ea23eb7279e5574252f17284d889cbfdc28528133a6fb2ce0818

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp311-cp311-win_amd64.whl.

File metadata

  • Download URL: stardist-0.8.5-cp311-cp311-win_amd64.whl
  • Upload date:
  • Size: 807.3 kB
  • Tags: CPython 3.11, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 7bb1c9982e0a12dede1afddb166d6416d10b68f8b66b0b3b1bcc66fa9eb1b343
MD5 6c21cbe80682a93fef1b8f81215a5685
BLAKE2b-256 836575362b87d359ed4651498da186833f32877dd06967073a67b63bcd77ff47

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 ca630048563ff90470f72d68d47bd83148fed839d99820d43eccf1ae8a061ec3
MD5 b7aaf28fa6679d6bb05c40dfddd0b6e5
BLAKE2b-256 3319bb55679ea84c886057491055e0080d38dc3b452fea6c07ceea351367d5c6

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp311-cp311-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp311-cp311-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 03dbd485014dcc19ba250c7fb378ff5ad048405a96f5a00b0210f8d6608bb96a
MD5 f75e7210746880a0d699d8525e287607
BLAKE2b-256 22364000857c3bc914f0f9a32da3820148ac01c931b5e1230ab1eb1f422cb3ee

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp311-cp311-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 77d3df4fabe0e9bf08ab9df53e1e9717af815b437f24bccf12f404c51a7e3379
MD5 cde5c067f3a0595434740f1ebb12d246
BLAKE2b-256 41578db1558ef2fd40e262bc465b92aa5913c1748eb1a046d0a93d904624d7cd

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp310-cp310-win_amd64.whl.

File metadata

  • Download URL: stardist-0.8.5-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 807.4 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 7f35a6e48b1fadeaed757865f90158a81fef15cf12c5cfeaef4162aa5ba7c8bb
MD5 f1b983d5178a4c2e1371637ad812abe2
BLAKE2b-256 f6cde06eac53229da8d45d6da346994b443b06d39979e16462afcf6e2eef2a05

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 bef2b09746fde09bb1f71136b70df842c55a7610d04daba525e4910c90e9fd9f
MD5 6283267ae3b53769d8b687310df8e0e0
BLAKE2b-256 6515ea62716d71d462c4dcb99c9a8d4632f27c55bec49209392ad6fb08e1d0e1

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp310-cp310-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 bee37e865eac3563c3f1a68dc00b20a6e7f6df7cb90bb3b78ff4776bcf0516d2
MD5 c978ce097538d7eb2dacb545b07be490
BLAKE2b-256 f3a3ed07505bbf5709eb5ae10b12658b1b97a8b0c7958e8a2c481c83e7ccfe0f

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp310-cp310-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 478fb4a0107b6127f50a59ded888e1031d214fedbcd7ecdaa8d1d1d74fff9387
MD5 5e7804a4e725fa384f1150bb1d6c0abc
BLAKE2b-256 6d1449ea38c344d872918e1fa4aa5a0a6615bfac79929cc54426b01d7b9b8564

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp39-cp39-win_amd64.whl.

File metadata

  • Download URL: stardist-0.8.5-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 807.4 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 0f668ff39c01bdb4941278aedd22ba4e18ab8d727438849e899d2e1f121d4f1e
MD5 bdeb84be98394bcb7c4c5df546ac2e22
BLAKE2b-256 5d92dad4ced391c49d5e650e1aaa368c7f9eb3354222b12fba020123860afc6d

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 498e6ad099c3ac7840b407dead20be8b98f1377d0d72029dab09239ccc0acd74
MD5 00dcbc02666eac661f71a273dab2e86c
BLAKE2b-256 fb1cdc3fbc9cd691c9967a0e8317f1741942e6d4e32c92bb98865a31d77f3d83

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp39-cp39-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 14836e6473f1088a3001b71b4f7fd87dea49b36190b46c520cc2b13660b60025
MD5 2c88ffa8b2a197d12aafc8b759fb8b0a
BLAKE2b-256 c71160ec150d317f6ab2dafba13c2dfd3d309c118f64d6e337344bd4f016a66d

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp39-cp39-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 d5ae0226e4e4af4dd8b45c65f594e325722d9bf2f6c7726e393f614470611323
MD5 365bbee420ff5bdfe1855587c5066189
BLAKE2b-256 0872ca8c759c73e107c25ba9b796dfc3d783552c42ac2e34c9f0d0446fa6cb5b

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp38-cp38-win_amd64.whl.

File metadata

  • Download URL: stardist-0.8.5-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 808.0 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 21163abc350300fc5927a3425cfb762dbfb9eaba03502bc475017e20f60ac679
MD5 7432271288877fe660f64de8a057d5f2
BLAKE2b-256 7d8c62d080a9ed14ba512a5d86008a921301cf1659ff32c6b97b4babc81626bc

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 b435f24207408da73d7b3f07921e2ee451e5f21b836bef2a7d6b7de5778aa59f
MD5 0b7bc74800d99f891de8447ff040a3b8
BLAKE2b-256 2e78294efadef4015673b2ea44ac424bbb43910e0febcfce29cd0df206b15953

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp38-cp38-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 c5f57dee34d82659c26c7dd8ae4ff83e9ff6354df326aa49b3c1d557703b21ce
MD5 dcca366d33577c8e284b445f361d8fa9
BLAKE2b-256 287a676d00e7d6c4847a479365feb6d9e26a0f747f4d5749f256af7f66c71e12

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp38-cp38-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 66535239506864b8e1fb4df9d1da3800df9ca80748fab2ee45cb70b51247d994
MD5 1bcac5a199637e361615567696dc1869
BLAKE2b-256 c76b076a7dd48592436cce99096b2c760dc7c228c4e906f413711734160630c0

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp37-cp37m-win_amd64.whl.

File metadata

  • Download URL: stardist-0.8.5-cp37-cp37m-win_amd64.whl
  • Upload date:
  • Size: 807.8 kB
  • Tags: CPython 3.7m, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 f80e1584c6b79ab9a9972cf2e0e92ad315d74703fb7e677e2f75d6631105ecb4
MD5 5710f38d03ff5578d3b5d3f3c03d5304
BLAKE2b-256 8ddfbff8eacfa1d60b8fd02b604e2a2044b2fe1d4ba43bc257c935be1332efcb

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 7d5cab6ce123ded2c46e6b351ed763c1302949d99c031fa47d5bd907e7aa235d
MD5 2911f003b107488ed45dd2481efd0d86
BLAKE2b-256 ebd751910334cb152bb56f6b95a872f93bfe5072678ad7485591fd75aaef48d9

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp37-cp37m-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 e252147814ea559585489bbe60c3f845ca208c8d749c56d41aa5bf3f5621dae4
MD5 373d6e12a6388259a1efef672e8d9b63
BLAKE2b-256 a5d77903004610049bc63bf42fd15dd38fc140704abd0b40c3aa8f2c40725ccb

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp36-cp36m-win_amd64.whl.

File metadata

  • Download URL: stardist-0.8.5-cp36-cp36m-win_amd64.whl
  • Upload date:
  • Size: 807.6 kB
  • Tags: CPython 3.6m, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.5-cp36-cp36m-win_amd64.whl
Algorithm Hash digest
SHA256 a1c26683defe9e8296918f52f263526a5fc3873fc08ee3feef99720b58096968
MD5 30fd3d8396f34d6789485759ea6d3d8f
BLAKE2b-256 541b046e53daf7cc1de1d846c56dd6cc3364ad414958b11209020cf34dd46950

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 f843002273370d62c493a5f7b8dbc571c0388842af90efe7030f0a1aa77f8150
MD5 d31d860bf836e86d0dad79dd3e86bc7f
BLAKE2b-256 32c50014a5ec0fa2f0c0517078aff0225835b3e1744821a17cd39ff17b948c52

See more details on using hashes here.

File details

Details for the file stardist-0.8.5-cp36-cp36m-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.8.5-cp36-cp36m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 7066767080e4b688c9b4e3fed1d0c2d428de2e9a7221b741e6daae772313bad3
MD5 e3a24fdfc5b445365d13549f119f40f2
BLAKE2b-256 3f445769f9c4b5913a25f7508c9ec63c34df5f5cad8d11cf4b2ac35038091b0a

See more details on using hashes here.

Supported by

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