okunator's picture
Update README.md
fdae256 verified
---
license: apache-2.0
pipeline_tag: image-segmentation
tags:
- medical
- biology
- histology
- histopathology
---
# CPP-Net Model for Cervical Intraepithelial Neoplasia 2 (CIN2) Nuclei Segmentation
# Model
- **cellseg_models.pytorch** implementation of **CPP-Net**: [https://arxiv.org/abs/2102.06867](https://arxiv.org/abs/2102.06867)
- Backbone encoder: pre-trained **efficientnet_b5** from pytorch-image-models [https://github.com/huggingface/pytorch-image-models](https://github.com/huggingface/pytorch-image-models)
# USAGE
## 1. Install cellseg_models.pytorch and albumentations
```
pip install cellseg-models-pytorch
pip install albumentations
```
## 2. Load trained model
```python
from cellseg_models_pytorch.models.cppnet import CPPNet
model = CPPNet.from_pretrained("hgsc_v1_efficientnet_b5")
```
## 3. Run inference for one image
```python
from albumentations import Resize, Compose
from cellseg_models_pytorch.utils import FileHandler
from cellseg_models_pytorch.transforms.albu_transforms import MinMaxNormalization
model.set_inference_mode()
# Resize to multiple of 32 of your own choosing
transform = Compose([Resize(1024, 1024), MinMaxNormalization()])
im = FileHandler.read_img(IMG_PATH)
im = transform(image=im)["image"]
prob = model.predict(im)
out = model.post_process(prob)
# out = {"nuc": [(nuc instances (H, W), nuc types (H, W))], "cyto": None, "tissue": None}
```
## 3.1 Run inference for image batch
```python
import torch
from cellseg_models_pytorch.utils import FileHandler
model.set_inference_mode()
# dont use random matrices IRL
batch = torch.rand(8, 3, 1024, 1024)
prob = model.predict(im)
out = model.post_process(prob)
# out = {
# "nuc": [
# (nuc instances (H, W), nuc types (H, W)),
# (nuc instances (H, W), nuc types (H, W)),
# .
# .
# .
# (nuc instances (H, W), nuc types (H, W))
# ],
# "cyto": None,
# "tissue": None
#}
```
## 4. Visualize output
```python
from matplotlib import pyplot as plt
from skimage.color import label2rgb
fig, ax = plt.subplots(1, 3, figsize=(18, 6))
ax[0].imshow(im)
ax[1].imshow(label2rgb(out["nuc"][0][0], bg_label=0)) # inst_map
ax[2].imshow(label2rgb(out["nuc"][0][1], bg_label=0)) # type_map
```
<!-- ![out](cppnet_out.png) -->
## Dataset Details
Semi-manually annotated CIN2 samples from a (private) cohort of Helsinki University Hospital
**Contains:**
- 370 varying sized image crops at 20x magnification.
- 168 640 annotated nuclei
## Dataset classes
```
nuc_classes = {
0: "background",
1: "neoplastic",
2: "inflammatory",
3: "connective",
4: "dead",
5: "glandular_epithelial",
6: "squamous_epithelial",
}
```
## Dataset Class Distribution
- connective nuclei: 46 222 (~27.3%)
- neoplastic nuclei: 49 493 (~29.4%)
- inflammatory nuclei 27 226 (~16.1%)
- dead nuclei 195 (~0.11%)
- glandular epithelial 14 310 (~8.5%)
- squamous epithelial 31194 (~18.5%)
# Model Training Details:
First, the image crops in the training data were tiled into 224x224px patches with a sliding window (stride=32px).
Rest of the training procedures follow this notebook: [link]
# Citation
cellseg_models.pytorch:
```
@misc{https://doi.org/10.5281/zenodo.12666959,
doi = {10.5281/ZENODO.12666959},
url = {https://zenodo.org/doi/10.5281/zenodo.12666959},
author = {Okunator, },
title = {okunator/cellseg_models.pytorch: v0.2.0},
publisher = {Zenodo},
year = {2024},
copyright = {Creative Commons Attribution 4.0 International}
}
```
CPP-Net original paper:
```
@article{https://doi.org/10.48550/arxiv.2102.06867,
doi = {10.48550/ARXIV.2102.06867},
url = {https://arxiv.org/abs/2102.06867},
author = {Chen, Shengcong and Ding, Changxing and Liu, Minfeng and Cheng, Jun and Tao, Dacheng},
keywords = {Computer Vision and Pattern Recognition (cs.CV), FOS: Computer and information sciences, FOS: Computer and information sciences},
title = {CPP-Net: Context-aware Polygon Proposal Network for Nucleus Segmentation},
publisher = {arXiv},
year = {2021},
copyright = {arXiv.org perpetual, non-exclusive license}
}
```
## Licence
These model weights are released under the Apache License, Version 2.0 (the "License"). You may obtain a copy of the License at:
http://www.apache.org/licenses/LICENSE-2.0
Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License.
## Additional Terms
While the Apache 2.0 License grants broad permissions, we kindly request that users adhere to the following guidelines:
Medical or Clinical Use: This model is not intended for use in medical diagnosis, treatment, or prevention of disease of real patients. It should not be used as a substitute for professional medical advice.