samcell


Namesamcell JSON
Version 1.1.4 PyPI version JSON
download
home_pagehttps://github.com/saahilsanganeriya/SAMCell
SummaryGeneralized label-free biological cell segmentation with Segment Anything
upload_time2025-09-05 20:21:45
maintainerNone
docs_urlNone
authorNathan J. Malta, Emilio Aponte, Caitlin van Zyl, Danfei Xu, Craig Forest
requires_python>=3.8
licenseMIT License Copyright (c) 2025 Saahil Sanganeriya Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
keywords cell segmentation microscopy computer vision deep learning segment anything biology image analysis
VCS
bugtrack_url
requirements torch transformers numpy opencv-python-headless scikit-image scipy pandas tqdm Pillow safetensors openpyxl
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # SAMCell: Generalized Label-Free Biological Cell Segmentation

[![Python 3.8+](https://img.shields.io/badge/python-3.8+-blue.svg)](https://www.python.org/downloads/)
[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT)
[![Paper](https://img.shields.io/badge/Paper-bioRxiv-red.svg)](https://www.biorxiv.org/content/10.1101/2025.02.06.636835v1)

SAMCell is a state-of-the-art deep learning model for automated cell segmentation in microscopy images. Built on Meta's Segment Anything Model (SAM), SAMCell provides superior performance for label-free cell segmentation across diverse cell types and imaging conditions.

## 🌟 Key Features

- **State-of-the-art Performance**: Outperforms existing methods like Cellpose, Stardist, and CALT-US
- **Zero-shot Generalization**: Works on new cell types and microscopes without retraining
- **Distance Map Regression**: Novel approach using Euclidean distance maps for robust segmentation
- **Comprehensive Metrics**: Calculate 30+ morphological and intensity-based cell metrics
- **Easy Integration**: Simple Python API with minimal setup
- **Multiple Interfaces**: Command-line tool, Python API, GUI, and Napari plugin

## 📊 Performance

SAMCell demonstrates superior performance in both test-set and zero-shot cross-dataset evaluation:

| Method | PBL-HEK (OP_CSB) | PBL-N2a (OP_CSB) |
|--------|------------------|------------------|
| **SAMCell-Generalist** | **0.598** | **0.824** |
| Cellpose | 0.320 | 0.764 |
| Stardist | 0.189 | 0.724 |

*Results on zero-shot cross-dataset evaluation*

## 🚀 Quick Start

### Installation

```bash
# Install from PyPI (recommended)
pip install samcell

# Or install from source
git clone https://github.com/saahilsanganeriya/SAMCell.git
cd SAMCell
pip install -e .
```

### Download Pre-trained Weights

Download the pre-trained SAMCell model weights:

```bash
# SAMCell-Generalist (recommended)
wget https://github.com/saahilsanganeriya/SAMCell/releases/download/v1/samcell-generalist.pt

# Or SAMCell-Cyto
wget https://github.com/saahilsanganeriya/SAMCell/releases/download/v1/samcell-cyto.pt
```

### Basic Usage

```python
import cv2
import samcell

# Load your microscopy image
image = cv2.imread('your_image.png', cv2.IMREAD_GRAYSCALE)

# Initialize SAMCell
model = samcell.FinetunedSAM('facebook/sam-vit-base')
model.load_weights('samcell-generalist.pt')

# Create pipeline
pipeline = samcell.SAMCellPipeline(model, device='cuda')

# Segment cells
labels = pipeline.run(image)

# Calculate metrics
metrics_df = pipeline.calculate_metrics(labels, image)
print(f"Found {len(metrics_df)} cells")

# Export results
pipeline.export_metrics(labels, 'cell_metrics.csv', image)
```

### Command Line Interface

```bash
# Basic segmentation
samcell segment image.png --model samcell-generalist.pt --output results/

# With comprehensive metrics
samcell segment image.png --model samcell-generalist.pt --output results/ --export-metrics

# Custom thresholds
samcell segment image.png --model samcell-generalist.pt --peak-threshold 0.5 --fill-threshold 0.1
```

## 📋 Requirements

- Python ≥ 3.8
- PyTorch ≥ 1.9.0
- transformers ≥ 4.26.0
- OpenCV ≥ 4.5.0
- scikit-image ≥ 0.19.0
- pandas ≥ 1.3.0

For GPU acceleration:
- CUDA-compatible GPU
- CUDA Toolkit ≥ 11.0

## 🔧 Advanced Usage

### Custom Thresholds

SAMCell uses two key thresholds for post-processing:

```python
# Default values (optimized across datasets)
pipeline = samcell.SAMCellPipeline(model, device='cuda')
labels = pipeline.run(image, cells_max=0.47, cell_fill=0.09)
```

### Batch Processing

```python
# Process multiple images
images = [cv2.imread(f'image_{i}.png', 0) for i in range(10)]

results = []
for image in images:
    labels = pipeline.run(image)
    metrics = pipeline.calculate_metrics(labels, image)
    results.append(metrics)

# Combine all metrics
import pandas as pd
all_metrics = pd.concat(results, ignore_index=True)
```

### Comprehensive Metrics

SAMCell calculates 30+ morphological and intensity metrics:

```python
# Basic metrics (fast)
basic_metrics = samcell.calculate_basic_metrics(labels, image)

# Include neighbor analysis
neighbor_metrics = samcell.calculate_neighbor_metrics(labels)

# Full analysis including texture (slower)
full_metrics = samcell.calculate_all_metrics(
    labels, image, include_texture=True
)
```

## 🖥️ GUI and Napari Plugin

### Standalone GUI

```bash
# Install GUI dependencies
pip install samcell[gui]

# Launch GUI
python -m samcell.gui
```

### Napari Plugin

```bash
# Install napari plugin
pip install samcell[napari]

# Launch napari and find SAMCell in the plugins menu
napari
```

## 📖 Documentation

### API Reference

#### `FinetunedSAM`

```python
model = samcell.FinetunedSAM(sam_model='facebook/sam-vit-base')
model.load_weights(weight_path, map_location='cuda')
```

#### `SAMCellPipeline`

```python
pipeline = samcell.SAMCellPipeline(
    model,                    # FinetunedSAM instance
    device='cuda',           # 'cuda' or 'cpu'
    crop_size=256,          # Patch size for sliding window
)

# Run segmentation
labels = pipeline.run(
    image,                   # Input grayscale image
    cells_max=0.47,         # Cell peak threshold
    cell_fill=0.09,         # Cell fill threshold
    return_dist_map=False   # Return distance map
)
```

#### Metrics Functions

```python
# Calculate all metrics
metrics_df = samcell.calculate_all_metrics(
    labels,                  # Segmentation labels
    original_image=None,     # Original image for intensity metrics
    include_texture=False,   # Include texture analysis
    neighbor_distance=10     # Distance for neighbor analysis
)

# Export to CSV
success = samcell.export_metrics_csv(
    labels,
    'output.csv',
    original_image=image,
    include_texture=False
)
```

### Available Metrics

SAMCell calculates comprehensive morphological metrics:

**Shape Metrics:**
- Area, Perimeter, Convex Area
- Compactness, Circularity, Roundness
- Aspect Ratio, Eccentricity, Solidity
- Major/Minor Axis Lengths

**Spatial Metrics:**
- Centroid coordinates
- Bounding box dimensions
- Number of neighbors
- Nearest neighbor distances

**Intensity Metrics** (when original image provided):
- Mean, Standard deviation, Min/Max intensity
- Intensity range and distribution

**Texture Metrics** (optional):
- GLCM-based features
- Contrast, Homogeneity, Energy
- Correlation, Dissimilarity

## 🔬 Method Overview

SAMCell introduces several key innovations:

1. **Distance Map Regression**: Instead of direct segmentation, predicts Euclidean distance from each pixel to cell boundaries
2. **Watershed Post-processing**: Converts distance maps to discrete cell masks using watershed algorithm
3. **Sliding Window Inference**: Processes large images in overlapping 256×256 patches
4. **No Prompting Required**: Works automatically without user-provided prompts

## 📊 Datasets

SAMCell was trained on:
- **LIVECell**: 5,000+ phase-contrast images, 8 cell types, 1.7M annotated cells
- **Cellpose Cytoplasm**: ~600 diverse microscopy images from internet sources

Evaluated on novel datasets:
- **PBL-HEK**: Human Embryonic Kidney 293 cells
- **PBL-N2a**: Neuro-2a cells

## 🤝 Contributing

We welcome contributions! Please see our [Contributing Guidelines](CONTRIBUTING.md) for details.

## 📄 Citation

If you use SAMCell in your research, please cite our paper:

```bibtex
@article{vandeloo2025samcell,
    title={SAMCell: Generalized label-free biological cell segmentation with segment anything},
    author={VandeLoo, Alexandra Dunnum and Malta, Nathan J and Sanganeriya, Saahil and Aponte, Emilio and van Zyl, Caitlin and Xu, Danfei and Forest, Craig},
    journal={bioRxiv},
    year={2025},
    publisher={Cold Spring Harbor Laboratory},
    doi={10.1101/2025.02.06.636835},
    url={https://www.biorxiv.org/content/10.1101/2025.02.06.636835v1}
}
```

## 📞 Support

- **Issues**: [GitHub Issues](https://github.com/saahilsanganeriya/SAMCell/issues)
- **Discussions**: [GitHub Discussions](https://github.com/saahilsanganeriya/SAMCell/discussions)
- **Email**: saahilsanganeriya@gatech.edu

## 📜 License

This project is licensed under the MIT License - see the [LICENSE](LICENSE) file for details.

## 🏛️ Institutions

This work was developed at:
- **Georgia Institute of Technology**
  - School of Biological Sciences
  - School of Computer Science  
  - Department of Biomedical Engineering
  - School of Mechanical Engineering
  - School of Interactive Computing

## 🙏 Acknowledgments

- Meta AI for the original Segment Anything Model
- The open-source community for tools and datasets
- Georgia Tech for computational resources
- All contributors and users of SAMCell

---

**SAMCell Team** - Making cell segmentation accessible to everyone! 🔬✨

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/saahilsanganeriya/SAMCell",
    "name": "samcell",
    "maintainer": null,
    "docs_url": null,
    "requires_python": ">=3.8",
    "maintainer_email": "Saahil Sanganeriya <saahilsanganeriya@gatech.edu>",
    "keywords": "cell segmentation, microscopy, computer vision, deep learning, segment anything, biology, image analysis",
    "author": "Nathan J. Malta, Emilio Aponte, Caitlin van Zyl, Danfei Xu, Craig Forest",
    "author_email": "Alexandra Dunnum VandeLoo <adunnum1@gatech.edu>, Saahil Sanganeriya <saahilsanganeriya@gatech.edu>",
    "download_url": "https://files.pythonhosted.org/packages/69/e2/bf8dff7e3ca27e331de9db5686d41f89bcdf87e2c651c1b8ad4397606439/samcell-1.1.4.tar.gz",
    "platform": null,
    "description": "# SAMCell: Generalized Label-Free Biological Cell Segmentation\n\n[![Python 3.8+](https://img.shields.io/badge/python-3.8+-blue.svg)](https://www.python.org/downloads/)\n[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT)\n[![Paper](https://img.shields.io/badge/Paper-bioRxiv-red.svg)](https://www.biorxiv.org/content/10.1101/2025.02.06.636835v1)\n\nSAMCell is a state-of-the-art deep learning model for automated cell segmentation in microscopy images. Built on Meta's Segment Anything Model (SAM), SAMCell provides superior performance for label-free cell segmentation across diverse cell types and imaging conditions.\n\n## \ud83c\udf1f Key Features\n\n- **State-of-the-art Performance**: Outperforms existing methods like Cellpose, Stardist, and CALT-US\n- **Zero-shot Generalization**: Works on new cell types and microscopes without retraining\n- **Distance Map Regression**: Novel approach using Euclidean distance maps for robust segmentation\n- **Comprehensive Metrics**: Calculate 30+ morphological and intensity-based cell metrics\n- **Easy Integration**: Simple Python API with minimal setup\n- **Multiple Interfaces**: Command-line tool, Python API, GUI, and Napari plugin\n\n## \ud83d\udcca Performance\n\nSAMCell demonstrates superior performance in both test-set and zero-shot cross-dataset evaluation:\n\n| Method | PBL-HEK (OP_CSB) | PBL-N2a (OP_CSB) |\n|--------|------------------|------------------|\n| **SAMCell-Generalist** | **0.598** | **0.824** |\n| Cellpose | 0.320 | 0.764 |\n| Stardist | 0.189 | 0.724 |\n\n*Results on zero-shot cross-dataset evaluation*\n\n## \ud83d\ude80 Quick Start\n\n### Installation\n\n```bash\n# Install from PyPI (recommended)\npip install samcell\n\n# Or install from source\ngit clone https://github.com/saahilsanganeriya/SAMCell.git\ncd SAMCell\npip install -e .\n```\n\n### Download Pre-trained Weights\n\nDownload the pre-trained SAMCell model weights:\n\n```bash\n# SAMCell-Generalist (recommended)\nwget https://github.com/saahilsanganeriya/SAMCell/releases/download/v1/samcell-generalist.pt\n\n# Or SAMCell-Cyto\nwget https://github.com/saahilsanganeriya/SAMCell/releases/download/v1/samcell-cyto.pt\n```\n\n### Basic Usage\n\n```python\nimport cv2\nimport samcell\n\n# Load your microscopy image\nimage = cv2.imread('your_image.png', cv2.IMREAD_GRAYSCALE)\n\n# Initialize SAMCell\nmodel = samcell.FinetunedSAM('facebook/sam-vit-base')\nmodel.load_weights('samcell-generalist.pt')\n\n# Create pipeline\npipeline = samcell.SAMCellPipeline(model, device='cuda')\n\n# Segment cells\nlabels = pipeline.run(image)\n\n# Calculate metrics\nmetrics_df = pipeline.calculate_metrics(labels, image)\nprint(f\"Found {len(metrics_df)} cells\")\n\n# Export results\npipeline.export_metrics(labels, 'cell_metrics.csv', image)\n```\n\n### Command Line Interface\n\n```bash\n# Basic segmentation\nsamcell segment image.png --model samcell-generalist.pt --output results/\n\n# With comprehensive metrics\nsamcell segment image.png --model samcell-generalist.pt --output results/ --export-metrics\n\n# Custom thresholds\nsamcell segment image.png --model samcell-generalist.pt --peak-threshold 0.5 --fill-threshold 0.1\n```\n\n## \ud83d\udccb Requirements\n\n- Python \u2265 3.8\n- PyTorch \u2265 1.9.0\n- transformers \u2265 4.26.0\n- OpenCV \u2265 4.5.0\n- scikit-image \u2265 0.19.0\n- pandas \u2265 1.3.0\n\nFor GPU acceleration:\n- CUDA-compatible GPU\n- CUDA Toolkit \u2265 11.0\n\n## \ud83d\udd27 Advanced Usage\n\n### Custom Thresholds\n\nSAMCell uses two key thresholds for post-processing:\n\n```python\n# Default values (optimized across datasets)\npipeline = samcell.SAMCellPipeline(model, device='cuda')\nlabels = pipeline.run(image, cells_max=0.47, cell_fill=0.09)\n```\n\n### Batch Processing\n\n```python\n# Process multiple images\nimages = [cv2.imread(f'image_{i}.png', 0) for i in range(10)]\n\nresults = []\nfor image in images:\n    labels = pipeline.run(image)\n    metrics = pipeline.calculate_metrics(labels, image)\n    results.append(metrics)\n\n# Combine all metrics\nimport pandas as pd\nall_metrics = pd.concat(results, ignore_index=True)\n```\n\n### Comprehensive Metrics\n\nSAMCell calculates 30+ morphological and intensity metrics:\n\n```python\n# Basic metrics (fast)\nbasic_metrics = samcell.calculate_basic_metrics(labels, image)\n\n# Include neighbor analysis\nneighbor_metrics = samcell.calculate_neighbor_metrics(labels)\n\n# Full analysis including texture (slower)\nfull_metrics = samcell.calculate_all_metrics(\n    labels, image, include_texture=True\n)\n```\n\n## \ud83d\udda5\ufe0f GUI and Napari Plugin\n\n### Standalone GUI\n\n```bash\n# Install GUI dependencies\npip install samcell[gui]\n\n# Launch GUI\npython -m samcell.gui\n```\n\n### Napari Plugin\n\n```bash\n# Install napari plugin\npip install samcell[napari]\n\n# Launch napari and find SAMCell in the plugins menu\nnapari\n```\n\n## \ud83d\udcd6 Documentation\n\n### API Reference\n\n#### `FinetunedSAM`\n\n```python\nmodel = samcell.FinetunedSAM(sam_model='facebook/sam-vit-base')\nmodel.load_weights(weight_path, map_location='cuda')\n```\n\n#### `SAMCellPipeline`\n\n```python\npipeline = samcell.SAMCellPipeline(\n    model,                    # FinetunedSAM instance\n    device='cuda',           # 'cuda' or 'cpu'\n    crop_size=256,          # Patch size for sliding window\n)\n\n# Run segmentation\nlabels = pipeline.run(\n    image,                   # Input grayscale image\n    cells_max=0.47,         # Cell peak threshold\n    cell_fill=0.09,         # Cell fill threshold\n    return_dist_map=False   # Return distance map\n)\n```\n\n#### Metrics Functions\n\n```python\n# Calculate all metrics\nmetrics_df = samcell.calculate_all_metrics(\n    labels,                  # Segmentation labels\n    original_image=None,     # Original image for intensity metrics\n    include_texture=False,   # Include texture analysis\n    neighbor_distance=10     # Distance for neighbor analysis\n)\n\n# Export to CSV\nsuccess = samcell.export_metrics_csv(\n    labels,\n    'output.csv',\n    original_image=image,\n    include_texture=False\n)\n```\n\n### Available Metrics\n\nSAMCell calculates comprehensive morphological metrics:\n\n**Shape Metrics:**\n- Area, Perimeter, Convex Area\n- Compactness, Circularity, Roundness\n- Aspect Ratio, Eccentricity, Solidity\n- Major/Minor Axis Lengths\n\n**Spatial Metrics:**\n- Centroid coordinates\n- Bounding box dimensions\n- Number of neighbors\n- Nearest neighbor distances\n\n**Intensity Metrics** (when original image provided):\n- Mean, Standard deviation, Min/Max intensity\n- Intensity range and distribution\n\n**Texture Metrics** (optional):\n- GLCM-based features\n- Contrast, Homogeneity, Energy\n- Correlation, Dissimilarity\n\n## \ud83d\udd2c Method Overview\n\nSAMCell introduces several key innovations:\n\n1. **Distance Map Regression**: Instead of direct segmentation, predicts Euclidean distance from each pixel to cell boundaries\n2. **Watershed Post-processing**: Converts distance maps to discrete cell masks using watershed algorithm\n3. **Sliding Window Inference**: Processes large images in overlapping 256\u00d7256 patches\n4. **No Prompting Required**: Works automatically without user-provided prompts\n\n## \ud83d\udcca Datasets\n\nSAMCell was trained on:\n- **LIVECell**: 5,000+ phase-contrast images, 8 cell types, 1.7M annotated cells\n- **Cellpose Cytoplasm**: ~600 diverse microscopy images from internet sources\n\nEvaluated on novel datasets:\n- **PBL-HEK**: Human Embryonic Kidney 293 cells\n- **PBL-N2a**: Neuro-2a cells\n\n## \ud83e\udd1d Contributing\n\nWe welcome contributions! Please see our [Contributing Guidelines](CONTRIBUTING.md) for details.\n\n## \ud83d\udcc4 Citation\n\nIf you use SAMCell in your research, please cite our paper:\n\n```bibtex\n@article{vandeloo2025samcell,\n    title={SAMCell: Generalized label-free biological cell segmentation with segment anything},\n    author={VandeLoo, Alexandra Dunnum and Malta, Nathan J and Sanganeriya, Saahil and Aponte, Emilio and van Zyl, Caitlin and Xu, Danfei and Forest, Craig},\n    journal={bioRxiv},\n    year={2025},\n    publisher={Cold Spring Harbor Laboratory},\n    doi={10.1101/2025.02.06.636835},\n    url={https://www.biorxiv.org/content/10.1101/2025.02.06.636835v1}\n}\n```\n\n## \ud83d\udcde Support\n\n- **Issues**: [GitHub Issues](https://github.com/saahilsanganeriya/SAMCell/issues)\n- **Discussions**: [GitHub Discussions](https://github.com/saahilsanganeriya/SAMCell/discussions)\n- **Email**: saahilsanganeriya@gatech.edu\n\n## \ud83d\udcdc License\n\nThis project is licensed under the MIT License - see the [LICENSE](LICENSE) file for details.\n\n## \ud83c\udfdb\ufe0f Institutions\n\nThis work was developed at:\n- **Georgia Institute of Technology**\n  - School of Biological Sciences\n  - School of Computer Science  \n  - Department of Biomedical Engineering\n  - School of Mechanical Engineering\n  - School of Interactive Computing\n\n## \ud83d\ude4f Acknowledgments\n\n- Meta AI for the original Segment Anything Model\n- The open-source community for tools and datasets\n- Georgia Tech for computational resources\n- All contributors and users of SAMCell\n\n---\n\n**SAMCell Team** - Making cell segmentation accessible to everyone! \ud83d\udd2c\u2728\n",
    "bugtrack_url": null,
    "license": "MIT License\n        \n        Copyright (c) 2025 Saahil Sanganeriya\n        \n        Permission is hereby granted, free of charge, to any person obtaining a copy\n        of this software and associated documentation files (the \"Software\"), to deal\n        in the Software without restriction, including without limitation the rights\n        to use, copy, modify, merge, publish, distribute, sublicense, and/or sell\n        copies of the Software, and to permit persons to whom the Software is\n        furnished to do so, subject to the following conditions:\n        \n        The above copyright notice and this permission notice shall be included in all\n        copies or substantial portions of the Software.\n        \n        THE SOFTWARE IS PROVIDED \"AS IS\", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR\n        IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,\n        FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE\n        AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER\n        LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,\n        OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE\n        SOFTWARE.\n        ",
    "summary": "Generalized label-free biological cell segmentation with Segment Anything",
    "version": "1.1.4",
    "project_urls": {
        "Bug Tracker": "https://github.com/saahilsanganeriya/SAMCell/issues",
        "Documentation": "https://github.com/saahilsanganeriya/SAMCell/blob/main/README.md",
        "Homepage": "https://github.com/saahilsanganeriya/SAMCell",
        "Paper": "https://www.biorxiv.org/content/10.1101/2025.02.06.636835v1",
        "Repository": "https://github.com/saahilsanganeriya/SAMCell"
    },
    "split_keywords": [
        "cell segmentation",
        " microscopy",
        " computer vision",
        " deep learning",
        " segment anything",
        " biology",
        " image analysis"
    ],
    "urls": [
        {
            "comment_text": null,
            "digests": {
                "blake2b_256": "daea7b5574cecfa0fb16583ad9eb265be836436f5e2dee910a9266280e4240cc",
                "md5": "3f51191761dda2e20a77f0b48ca988c0",
                "sha256": "1c39adafa1bd4f593399f8607b58cb881b2997754f514bcbea3acb98f75e7e7d"
            },
            "downloads": -1,
            "filename": "samcell-1.1.4-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "3f51191761dda2e20a77f0b48ca988c0",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.8",
            "size": 27508,
            "upload_time": "2025-09-05T20:21:42",
            "upload_time_iso_8601": "2025-09-05T20:21:42.475756Z",
            "url": "https://files.pythonhosted.org/packages/da/ea/7b5574cecfa0fb16583ad9eb265be836436f5e2dee910a9266280e4240cc/samcell-1.1.4-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": null,
            "digests": {
                "blake2b_256": "69e2bf8dff7e3ca27e331de9db5686d41f89bcdf87e2c651c1b8ad4397606439",
                "md5": "904e19424408ca7f5e467736633d810c",
                "sha256": "f4399e78b40cbb6fb28125e61f9af37cba1653ada102ce1c62d469651105ad83"
            },
            "downloads": -1,
            "filename": "samcell-1.1.4.tar.gz",
            "has_sig": false,
            "md5_digest": "904e19424408ca7f5e467736633d810c",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.8",
            "size": 31301,
            "upload_time": "2025-09-05T20:21:45",
            "upload_time_iso_8601": "2025-09-05T20:21:45.260407Z",
            "url": "https://files.pythonhosted.org/packages/69/e2/bf8dff7e3ca27e331de9db5686d41f89bcdf87e2c651c1b8ad4397606439/samcell-1.1.4.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2025-09-05 20:21:45",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "saahilsanganeriya",
    "github_project": "SAMCell",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "requirements": [
        {
            "name": "torch",
            "specs": [
                [
                    ">=",
                    "1.9.0"
                ]
            ]
        },
        {
            "name": "transformers",
            "specs": [
                [
                    ">=",
                    "4.26.0"
                ]
            ]
        },
        {
            "name": "numpy",
            "specs": [
                [
                    ">=",
                    "1.21.0"
                ]
            ]
        },
        {
            "name": "opencv-python-headless",
            "specs": [
                [
                    ">=",
                    "4.5.0"
                ]
            ]
        },
        {
            "name": "scikit-image",
            "specs": [
                [
                    ">=",
                    "0.19.0"
                ]
            ]
        },
        {
            "name": "scipy",
            "specs": [
                [
                    ">=",
                    "1.7.0"
                ]
            ]
        },
        {
            "name": "pandas",
            "specs": [
                [
                    ">=",
                    "1.3.0"
                ]
            ]
        },
        {
            "name": "tqdm",
            "specs": [
                [
                    ">=",
                    "4.60.0"
                ]
            ]
        },
        {
            "name": "Pillow",
            "specs": [
                [
                    ">=",
                    "8.0.0"
                ]
            ]
        },
        {
            "name": "safetensors",
            "specs": [
                [
                    ">=",
                    "0.3.0"
                ]
            ]
        },
        {
            "name": "openpyxl",
            "specs": [
                [
                    ">=",
                    "3.0.0"
                ]
            ]
        }
    ],
    "lcname": "samcell"
}
        
Elapsed time: 2.63854s