Skip to main content
PLOS Computational Biology logoLink to PLOS Computational Biology
. 2025 Nov 3;21(11):e1013626. doi: 10.1371/journal.pcbi.1013626

Surrogate modeling of Cellular-Potts agent-based models as a segmentation task using the U-Net neural network architecture

Tien Comlekoglu 1,2, J Quetzalcóatl Toledo-Marín 3,4, Tina Comlekoglu 5, Douglas W DeSimone 2, Shayn M Peirce 1, Geoffrey Fox 6, James A Glazier 7,*
Editor: Philip K Maini8
PMCID: PMC12611147  PMID: 41183124

Abstract

The Cellular-Potts model is a powerful and ubiquitous framework for developing computational models for simulating complex multicellular biological systems. Cellular-Potts models (CPMs) are often computationally expensive due to the explicit modeling of interactions among large numbers of individual model agents and diffusive fields described by partial differential equations (PDEs). In this work, we develop a convolutional neural network (CNN) surrogate model using a U-Net architecture that accounts for periodic boundary conditions. We use this model to accelerate the evaluation of a mechanistic CPM previously used to investigate in vitro vasculogenesis. The surrogate model was trained to predict 100 computational steps ahead (Monte-Carlo steps, MCS), accelerating simulation evaluations by a factor of 562 times compared to single-core CPM code execution on CPU. Over short timescales of up to 3 recursive evaluations, or 300 MCS, our model captures the emergent behaviors demonstrated by the original Cellular-Potts model such as vessel sprouting, extension and anastomosis, and contraction of vascular lacunae. This approach demonstrates the potential for deep learning to serve as a step toward efficient surrogate models for CPM simulations, enabling faster evaluation of computationally expensive CPM simulations of biological processes.

Author summary

The Cellular-Potts model is a powerful and ubiquitous framework for developing computational models for simulating complex multicellular biological systems. Cellular-Potts models (CPMs) are often computationally expensive due to the explicit modeling of interactions among large numbers of model agents as well as diffusive fields described by partial differential equations (PDEs). In this work, we develop a convolutional neural network (CNN) surrogate model using a U-Net architecture that accounts for periodic boundary conditions. We use this surrogate to accelerate the evaluation of a mechanistic CPM previously used to investigate in vitro vasculogenesis by a factor of 562 times compared to single-core CPM code execution on CPU. For up to three recursive evaluations, or 300MCS, our model captures the emergent behaviors demonstrated by the original mechanistic Cellular-Potts model of vessel sprouting, extension and anastomosis, and contraction of vascular lacunae. Our approach demonstrates a step towards the development of surrogate models for CPM simulations using deep neural networks, enabling faster evaluation of computationally expensive CPM simulations of biological processes.

Introduction

Multicellular agent-based models are commonly used in systems biology to investigate complex biological phenomena. These models often require calculating behaviors of many model objects or agents at once. Each agent often represents individual cells, where each cell responds to other cells in its environment. Simulating large and complex biological phenomena with many cells at once results in models that are computationally expensive. Significant computational expense results in models that are more difficult for a user to investigate or continue to develop upon.

The Cellular-Potts method is one such computational modeling method that has allowed for the agent-based simulation and in silico investigation of complex biological processes. Recent works with the Cellular-Potts modeling method has allowed for the in silico study of the mechanisms behind many complex biological processes such as the growth of blood vessels [1], the regeneration of injured muscle [2], and the development of the embryo [35]. In many of these works, in silico cell agents respond to each other as well as to diffusive fields described by systems of partial differential equations (PDEs), which further increases computational demand. The Cellular-Potts method models cell motility using a stochastic modified metropolis monte-carlo algorithm. This algorithm has been cited to be computationally expensive to perform for biological simulations involving many cells at large spatial scales [68]. Coupling PDEs for modeling biological systems additionally adds to the computational complexity of these in silico models. While effective at representing complex biological systems, the capabilities of the Cellular-Potts modeling method have also resulted in slow to evaluate mechanistic computational models. Efficient surrogate models to approximate and accelerate such modeling methods would facilitate the accurate simulation of these biological systems at larger spatial scales or longer time scales.

Deep neural-network based surrogate models may provide an effective approach to accelerating computational model evaluation of Cellular-Potts models. Deep learning models have already demonstrated potential as effective surrogates to solve systems of PDEs for physical systems such as heat transfer and molecular and subatomic particle dynamics [913]. Additionally, previous work by the authors demonstrated the potential for deep convolutional neural networks to effectively solve for the steady state diffusion governed by a system of PDEs [14,15]. However, the development of neural network surrogates for Cellular-Potts agent-based models have not yet been thoroughly investigated.

Developing a neural network surrogate for the Cellular-Potts method has not yet been accomplished. The Cellular-Potts method results in stochastic agent-based models, whereas previous neural-network based surrogates, such as those mentioned for solving PDEs, use deterministic methods. Additionally, agent-based models are often used to investigate emergent behaviors which are not explicitly described or encoded in the model. In this work, we build upon our former efforts to apply convolutional neural networks as model surrogates for a steady state diffusion solver. Here, we apply our U-Net to predict the agent-based mechanistic model configuration 100 computational timesteps ahead of a stochastic CPM model formerly used to investigate vasculogenesis, where the behaviors of the CPM model agents react to diffusing cytokines described by systems of PDEs [1]. Our work demonstrates the efficacy of predicting the time-evolution of a stochastic agent-based model using a deterministic neural network architecture.

Results

Problem definition and approach

The selected Cellular-Potts model representing vasculogenesis demonstrates consistent patterns over the course of the simulation. These patterns are 1) sprouting of new vessel growths, 2) extension of vessel sprouts into large lacunae that anastamose with other sprouts, resulting in subdivision of large lacunae into smaller lacunae, and 3) shrinking of smaller lacunae as previously described in Merks et al. [1]. At short timescales, on the order of single computational timesteps (Monte Carlo Steps, MCS), these patterns are obscured by stochastic noise inherent to the Potts algorithm, making it challenging for a surrogate model to predict. However, at long timescales, the initial or reference configuration may be lost due to large positional changes in the vascular network during simulation. This similarly yields a challenging problem for a surrogate model to predict.

We instead attempt to capture these three model behaviors by learning an intermediate timescale with our model surrogate. We found that at 100 MCS increments, the vascular network deviated by approximately one Cellular-Potts agent length. This intermediate timescale presents a feasible problem for the surrogate model to learn. In the intermediate configuration, the system has not deviated so much from the reference configuration that the reference position is no longer apparent. The intermediate timescale also captures the three behaviors of sprouting of new vessel branches, extending and merging of existing vessel branches, and closing of smaller vascular lacunae described by the Cellular-Potts model as demonstrated in Fig 1. These three behaviors occur consistently and predictably at the 100 MCS timescale and are therefore predictable enough that we may expect our model to be successful at learning these patterns. Furthermore, deterministic PDE models [2527] have previously been used to model this biological system, thus we would expect our U-Net model to be able to learn these behaviors.

Fig 1. Problem definition for the model surrogate.

Fig 1

Cell positions (top row) and diffusive field concentrations (bottom row) from an example reference configuration (t0, left) and its corresponding configuration 100 MCS ahead (t0 + 100 MCS, middle). The difference between the two configurations is shown (right) demonstrating a positional movement of approximately Cellular-Potts model cell length of the vascular network. This representative example demonstrates three main behaviors of the Cellular-Potts model of 1) sprouting new vessel branches, 2) extension and anastomosis of vessel sprouts, and 3) closing of small lacunae.

We framed the prediction of a future Cellular Potts model state as a segmentation problem, treating the reference configuration and future simulation state similarly to predicting a labeled mask from a natural image. Convolutional neural networks, and especially the U-Net architecture, have been demonstrated to be well suited to these segmentation tasks [16,17].

Surrogate predictive performance evaluation

A given Cellular-Potts model simulation state consists of both a layer containing information about the position of the vessel network and a layer containing information about diffusive field concentrations that the vessel network responds to. After U-Net specification and training as described in Methods, we applied the U-Net recursively for multiple iterations to evaluate surrogate model performance visually. A representative diagram of recursive evaluation of a given simulation state is displayed in Fig 2. Movies 1 and 2 demonstrate extending this recursive evaluation for 98 iterations to predict simulation states in increments of 100 up to MCS 11800 using a reference configuration of MCS 2000 from a simulation not included in the training data. S1 Movie displays the results of the surrogate model prediction of the vessel network configuration, and S2 Movie displays the prediction of the chemical field concentration.

Fig 2. Recursive evaluation of a trained surrogate model.

Fig 2

The trained surrogate model was applied iteratively to predict hundreds of MCS ahead of a reference configuration can capture underlying Cellular-Potts model dynamics. Reference input configuration t0 is from a reference simulation state at MCS 2000 from a representative Cellular-Potts model simulation generated separately from the data used for training the surrogate.

To quantitatively evaluate the surrogate predictions of the position of the vascular network for multiple simulations, we used the Sorenson-Dice coefficient (Dice score) which is a metric commonly used for evaluating the accuracy of segmentation tasks [1821]. We used mean square error (MSE) to evaluate the accuracy of the predictions of the diffusive field component. Additionally, we calculated differences in the distributions of lacunae area of the model prediction and the reference configuration using Wasserstein’s distance, also known as Earth Mover’s Distance, EMD. The Earth Mover’s Distance is a common metric used to quantify the distance between distributions of data, such as similarity of images, for machine learning and computer vision applications [2224]. Metrics calculated from the surrogate model predictions versus the ground truth simulation state at the predicted MCS were compared with the same metrics comparing the reference configuration to the ground truth simulation state at that MCS. We use this comparison to determine whether the surrogate outperforms the unchanged reference configuration based on quantitative metrics. If the surrogate model outperforms the unchanged reference, it would suggest that the surrogate has learned patterns that are at least minimally predictive towards the Cellular-Potts model’s true future state.

To evaluate the performance of the surrogate model, we provided an initial configuration at MCS 2000 to the surrogate model to predict forward from and performed recursive predictions for 100 iterations. This resulted in predictions for up to 10000 MCS ahead at increments of 100 MCS. Metrics of comparison to quantify the ability for the surrogate to predict the Cellular-Potts model configuration are shown in Fig 3. Data was generated using MCS 2000 from 25 unique simulations generated for surrogate evaluation. Mean and standard deviation for the data are displayed in Fig 3.

Fig 3. Quantitative evaluation of the surrogate model.

Fig 3

The surrogate model was applied recursively given a single reference simulation configuration from MCS 2000 for 100 recursive evaluations. (A) Dice score of the surrogate prediction and initial configuration compared with the simulation state at a given timestep is shown for 100 surrogate model evaluations. The first 10 evaluations of the same data are plotted as picture in picture for clarity. (B) Mean square error (MSE) of the diffusive field concentration plotted for 100 evaluations, the first 10 evaluations of the same data is also plotted as picture-in-picture for clarity. (C) Earth Mover’s Distance (EMD) of the distribution of lacunae area for the model prediction and reference configuration are shown for 100 recursive iterations, the first 10 of which are shown as picture-in-picture. Data for all subplots represent mean +/- s.d. of metrics of comparison for predictions and initial reference compared to the true simulation configuration at the stated timestep. Data represents comparison from 25 unique Cellular-Potts model simulations generated for performance evaluation.

When evaluated recursively on the evaluation dataset, the surrogate model predictions resulted in a mean Dice score of 0.82, (s.d. 4.496×103, n=25) versus 0.77 (s.d. 5.83×103, n=25) of the input reference configuration as compared to ground truth for a single prediction step of 100 MCS. For this single prediction step, diffusive field MSE were 0.021 (s.d. 1.6×103, n=25) compared to a MSE of of 0.038 (s.d. 4.22×103, n=25). Quantified distances in the distribution of the lacunae areas for predicted, reference, and ground truth simulation configurations resulted in mean EMD values of 20.41 (s.d. 9.72, n=25) for the surrogate prediction compared with ground truth, and 21.09 (s.d. 7.77, n=25) for the reference configuration compared with ground truth. These values are plotted as the initial value in the subplots displayed in Fig 3. The surrogate model demonstrated the greatest Dice score on a single iteration of evaluation. Subsequent prediction steps dramatically decrease in Dice score, increase in MSE of the predicted diffusive field, and increase in EMD of the lacunae areas of the predicted configuration. Together, these represent increasingly poor prediction at subsequent simulation steps and divergence in predicted simulation configuration as compared to the Cellular-Potts model configuration. However, the surrogate model maintains greater Dice scores than the reference configuration for 10 recursive iterations, predicting up to 1000 MCS ahead of the given input (Fig 3A), and similar EMD values as the reference configuration for 3 recursive evaluation steps (Fig 3C) demonstrating predictive ability with recursive evaluation for short timescales up to 300 MCS ahead of reference, or 3 recursive iterations. The surrogate model maintains a lower diffusive field MSE than the reference configuration throughout the course of the simulation.

Upon visual inspection of a representative time series of the simulated vessel network configuration (S1 Movie), the surrogate produced fewer sprouts than it should, and the sprouts did not extend as quickly compared to ground truth. Our loss function of combined Dice + MSE (see Methods) is not sensitive to these details. Thus, failing to accurately reproduce these specific behaviors was not heavily penalized during training, making it difficult for the surrogate model to learn these dynamics. Observing chemical field values over a representative simulation time course (S1 Movie), the surrogate appears to predict lower diffusive field concentrations overall.

To further investigate how the surrogate model was failing to reproduce simulation configurations at long timescales, we quantified the number of Cellular-Potts lattice sites corresponding to the vessel network as well as the sum of all diffusive field values at all lattice sites. The surrogate model was unable to maintain both vessel area (Fig 4A) and diffusive field values (Fig 4B) over recurrent evaluations. This represents the mechanism by which the surrogate model diverges from the ground truth and results in poor performance over multiple evaluations.

Fig 4. Surrogate model fails to retain vessel area and diffusive field concentrations over multiple recursive evaluations.

Fig 4

(A) Vessel area for predicted model configurations and ground truth simulation configurations for each evaluated timestep for 100 recursive evaluations. Mean and standard deviation are shown for data from 25 unique simulations from the evaluation dataset (B) Sum of the diffusive field concentration at all lattice sites in the predicted and ground truth simulation states. Mean and standard deviation are shown for data from 25 simulations from the evaluation dataset.

Model computational time comparison

The surrogate model is most accurate at a single predictive evaluation step to predict 100 MCS ahead of an input configuration. To investigate the potential for the surrogate to accelerate evaluation of the Cellular-Potts model, we compared the time required to calculate 100 MCS ahead of a given reference configuration using the trained surrogate versus the native CompuCell3D (CC3D) code. We generated 100 unique model configurations and calculated the amount of time required for the CC3D code to calculate 100 MCS for each configuration. We compared the time required for native CC3D code execution with the time required to evaluate 100 MCS with the model surrogate. The results of this experiment are displayed in Fig 5. CPU/GPU CPU/CPU comparisons are demonstrated.

Fig 5. Surrogate model evaluates faster than the original Cellular-Potts model in both CPU/CPU and CPU/GPU comparisons.

Fig 5

Evaluation methods were performed for n=100 independent simulation configurations each. Median surrogate model evaluation on GPU were 0.0041s (s.d. 0.0088) compared with 2.35s (s.d. 0.20) resulting in a speed increase by up to a factor of 562x when comparing median evaluation time. Surrogate model evaluations were performed on an NVIDIA RTX 3090 GPU, CC3D simulation execution was performed on an AMD Ryzen 9 5950X processor.

The trained surrogate model significantly accelerates the evaluation of 100 MCS of the Cellular-Potts model when compared to native CompuCell3D code execution. Median and standard deviations for all configurations are listed in Table 1. Evaluations comparing the surrogate on a GPU with native CC3D code execution utilizing 1 core resulted in an increase in 100 MCS calculation speed by up to a factor of 562. All evaluation runs were performed on the same consumer-grade workstation computer. The surrogate model evaluations were performed on an NVIDIA RTX 3090 GPU, whereas the CC3D code was executed on an AMD Ryzen 9 5950X processor. 1-core and 32-core runs are included as single-core configurations are often advantageous for parallelization on HPC systems when performing parameter studies during Cellular-Potts model development. 32-core runs represent full utilization of the 5950x 16-core, 32-thread processor. Significant differences in the mean of these groups were confirmed by one-way ANOVA (p<10−6). All pairwise comparisons were also significant following Tukey’s HSD post-hoc analysis (p<10−6)

Table 1. Time comparison of surrogate model evaluation compared with native CC3D code execution.

Evaluation Median time (s) Std. time (s)
Surrogate GPU 0.004171 0.000877
CC3D 1 core 2.345840 0.203766
Surrogate 32 CPU cores 0.169648 0.004992
CC3D 32 CPU cores 0.607681 0.021977

Discussion

In this work, we approach the prediction of a future simulation state of a Cellular-Potts agent-based model as a segmentation task and apply a configuration of the U-Net neural network architecture to successfully predict Cellular-Potts model configurations 100 MCS in advance of a given input configuration. This demonstrates the potential for convolutional neural networks to perform as a surrogate model for Cellular-Potts models. The surrogate replicates Cellular-Potts model behaviors that are not explicitly encoded in the original model and arise as a result of the interaction of model agents and a PDE-based diffusive field.

The CPM dynamics of vessel sprouting, branch extension and anastamosis, and lacunae contraction occur consistently enough at the 100 MCS timescale that they may be considered quasi-deterministic. Our work demonstrates that these consistent, quasi-deterministic patterns are feasible for a deterministic U-Net architecture to learn when structured as a segmentation task, even when applied to a stochastic biological system. We would therefore expect this segmentation model approach to a CPM surrogate to yield similar success for classes of models of systems that may also be studied using other deterministic mathematical methods. For example, multiple notable PDE-based models have been developed to study in vitro vessel patterning such as the seminal work by Gamba and Serini [2527]. The investigation of this same stochastic biological process lead to the development of the CPM studied in this work.

In addition to replicating Cellular-Potts model dynamics, the surrogate allows for an accelerated time to generate the future simulation state 100 MCS ahead by a factor of 562 when comparing GPU surrogate evaluation with single-core CC3D code execution. This speed advantage is possible because the surrogate model can leverage graphics processing unit (GPU) hardware on a workstation computer to calculate future simulation states and is trained to calculate the future configuration in one evaluation step. The Cellular-Potts models as implemented in the widely used open-source frameworks CompuCell3D [28], Morpheus [29], Chaste [30], and Artistoo [31] to name a few, perform evaluation of the algorithm on the central processing unit (CPU) and explicitly evaluates each MCS, thus resulting in a greater computational requirement and a greater evaluation time. Recently, GPU-accelerated implementations of the Cellular-Potts method have been developed allowing for significant decreases in the computational time required for model evaluation [32,33]. However, this appears to be an area of active research, and the GPU-accelerated Cellular-Potts algorithm implementations are not compatible with the existing widely accessible frameworks that allow for multi-method or multi-scale simulation features such as specifying agent behaviors in response to secreted diffusive chemical fields.

Our surrogate model demonstrated the greatest prediction accuracy during a single prediction step of 100 MCS and exhibited consistently reduced prediction accuracy over multiple evaluations. We demonstrated that this behavior is due to failure to maintain vessel network area and diffusive field concentrations in the simulation space over multiple timesteps as compared to ground truth. Our loss function did not penalize this behavior and future work to define a more optimal training strategy may yield a surrogate model that is more accurate over additional recursive evaluations. Several additional factors likely contribute to the surrogate model’s poor performance when applied recursively. The Cellular Potts Model is inherently stochastic, and these stochastic fluctuations affect model configuration during the simulation, causing the model configuration to diverge from the reference configuration in ways that are difficult for the U-Net to predict at long time scales. Convolutional neural networks such as the U-Net presented here are deterministic models and therefore lack the ability to replicate the stochastic nature of the CPM simulation. Additionally, the mathematical convolution and pooling operations that make up the neural network model create a smoothing effect and filter out the noisy cell boundaries present in the original simulation. This may be problematic because the irregular cell shapes and stochastic cell movements in the CPM contribute to the emergent behavior of the model system. Smoothing an image results in prediction error, and when that smoothed image is used as the reference for subsequent prediction steps, the compounded error results in further deviation from the ground truth, resulting in the observed decrease in prediction performance at multiple prediction steps. Deep generative modeling approaches such as variational autoencoders, normalizing flows, or generative denoising diffusion models may be better suited to capture the stochastic behaviors of the CPM methodology [34]. Future efforts may explore these approaches in the context of developing a CPM model surrogate. In ongoing work, our group has demonstrated success at leveraging denoising diffusion models as surrogates for the ABM used here at long timescales of 20,000 MCS for multiple parameter sets [35]. However, our denoising diffusion models demonstrate speed increases that are far less dramatic than those demonstrated by the model described in this work.

The surrogate model is therefore best suited for making single prediction steps but retains predictive ability up to 3 predictive steps (300 MCS) when applied recursively. Considering this, as well as the significant increase in evaluation speed compared to native model execution per evaluation step suggests that the surrogate could be valuable if used alongside the mechanistic CPM model. Future work could explore hybrid approaches, such as alternating between the surrogate and the mechanistic model. The surrogate could be applied for a single prediction step and passed back and forth to a Cellular-Potts solver to incorporate the Potts model stochasticity and reset the reference configuration for the surrogate configuration. While passing data between CPU and GPU could be explored to integrate the surrogate with the CPM, our approach requires converting Potts model data into two-channel images, which may introduce computational overhead.

Our current work currently demonstrates the feasibility of the U-Net as a CPM surrogate for 2-dimensional CPM simulations. 3D simulations using the CPM are also common but are cited as computationally expensive [32]. 3D convolutional neural networks and U-Nets have been documented as successful approaches to 3D segmentation tasks [36] and thus may be extended to serve as surrogates for 3D CPM simulations in future work.

Conclusion

In summary, we demonstrate the applicability of convolutional neural networks classically applied to segmentation tasks to perform as surrogates of Cellular-Potts agent-based models inclusive of PDE-based diffusive fields. Our surrogate predicts the simulation configuration significantly faster than native Cellular-Potts algorithm execution and can replicate several multicellular emergent tissue-scale behaviors not explicitly encoded in the behaviors of individual CPM agents. While the model is effective at shorter timescales (up to 3 recurrent evaluations), its predictions diverge from the mechanistic CPM simulation over longer timescales. Overall, this work highlights the potential of deep learning approaches to accelerate the evaluation of Cellular-Potts models, offering a promising direction for improving computational efficiency for complex biological simulations.

Methods

Cellular-Potts agent-based mechanistic model

We selected the previously published model of vasculogenesis by Merks et al. [1] because it was an adequate example of an agent-based model replicating a biological system implemented using the Cellular-Potts modeling method. The Cellular-Potts (Glazier-Graner-Hogeweg) agent-based model was re-implemented in the CompuCell3D (CC3D) [28] open-source simulation environment version 4.6.0. In the CPM method, individual cells are represented as a collection of pixels on a square, two-dimensional lattice 256x256 pixels in dimension. Cells are given properties of predefined volume, contact energy with surrounding cells and medium, and a tendency to chemotax toward a diffusive cytokine gradient. These properties are defined mathematically using an effective energy functional H shown in Eq 1 below. This effective energy functional is evaluated on a cell-by-cell basis each computational timestep, denoted Monte-Carlo step (MCS) in the CPM method.

H=i,j,neighborsJτ(σi),τ(σj)(1δσi,σj)+λvolume(VcellVtarget)2+λsurface(ScellStarget)2+i,jλchemotaxis[c(𝐱destination)sc(𝐱destination)+1c(𝐱source)sc(𝐱source)+1]. (1)

Where the first term describes cell contact energy for neighboring cells with a contact coefficient J where i,j, describe neighboring lattice sites, σi and σj describe individual model agents occupying site i and j respectively, and τ(σ) denotes the type of cell σ in the model. The second term defines a volume constraint λvolume applied to each cell where Vcell represents the current volume of a cell at a given point in the simulation, and Vtarget is the volume assigned to that cell with stiffness λvolume. Similarly, the third term applies a surface area constraint, where λsurface determines the influence of assigned circumference Starget. The fourth term defines chemotactic agent motility in response to a diffusive gradient where λchemotaxis is a constraint or influence of the differences in chemical concentration c(𝐱destination) and c(𝐱source) of pixel-copy-destination and pixel-copy-source locations of a cell agent each MCS, and s denotes a saturation constant.

At each MCS or computational timestep, the CPM model creates cell movement by selecting random pairs of neighboring voxels (y,y) and evaluating whether one voxel located at y may copy itself to its neighboring pair at y. This voxel copy attempt, denoted σ(y,t)σ(y,t), occurs with the probability defined by a Boltzmann acceptance function Eq 2 of the change in the effective energy of the system ΔH previously defined in Eq 1.

Pr(σ(y,t)σ(y,t))=emax(0,ΔHH) (2)

Diffusive chemical concentration values c at each lattice site are described by Eq 3 below:

ct=D2ckc+secretion (3)

where k is the decay constant of the diffusive field concentration c, and D is the diffusion constant. The secretion term accounts for diffusive field concentration added at lattice sites associated with the location of a CC3D model agent to model secretion of a cytokine by biological cells. Periodic boundary conditions were applied to the simulation domain for both cell positions subject to the Potts algorithm and diffusive field concentrations described by Eq 3.

CPM model parameters were defined to produce visually apparent extension of branches, sprouting of new branches, and shrinking of circular lacunae within the parameter space explored previously by Merks et al. [1]. CPM model parameters values are displayed in Table 2.

Table 2. CPM parameter table.

Parameter Parameter Description Parameter Value
λvolume Influence of volume constraint 5
Vtarget Number of voxels per cell 50
λsurface Influence of surface constraint 1
Starget Number of voxels in cell circumference 16.8
Jcell,medium Contact energy between cell-medium interface 8.2
Jcell,cell Contact energy between cell-cell interface 6
λchemotaxis Influence of chemotaxis 2000
s Saturation constant for chemotaxis 0.5
k Decay constant for chemical field 0.6
H Temperature for the Cellular-Potts algorithm 8

Cellular-Potts model simulation and training data generation

Approximately 1000 CPM cell agents were placed randomly throughout the 256x256 simulation domain at the beginning of the simulation and settled into vascular-like structures over the first 200 Monte-Carlo steps (MCS) of a simulation. Training data for the surrogate model was created by saving model configurations from each MCS of a simulation between 200 and 20,000 MCS. A total of 20 unique simulations were generated to produce training data for the surrogate model. Input and ground-truth pairs for training were created by pairing model configurations of a saved MCS as input with the corresponding configuration 100 MCS ahead in the same simulation. Model configurations consisted of a 2-channel 256x256 input image. The first channel consisted of a binary segmentation of the cell positions of the Cellular-Potts simulation, and the second channel consisted of chemical field concentrations of simulation domain lattice sites. Thus, each simulation yielded 19,700 input, ground-truth pairs consisting of a given simulation state and its corresponding state 100 timesteps ahead in the same simulation.

Surrogate model architecture, training, and performance evaluation

A U-Net architecture was specified with circular padding in convolutional blocks to account for the periodic boundary conditions present in the Cellular-Potts model, and parametric rectified linear unit (PReLU) activations. A demonstrative schematic of the model architecture is displayed in Fig 6. We organized our generated training data into an 80%-20% train-test split for U-Net surrogate model training. We trained the U-Net architecture on the generated input, ground-truth pairs for 100 epochs using a combined loss of binary cross-entropy for the cell-segmentation layer and mean-squared-error (MSE) for the chemical field layer. The influence of the prediction of the two image layers on the loss function was balanced by multiplying the MSE loss by 10.

Fig 6. Surrogate model architecture.

Fig 6

U-Net Neural Network model configuration is illustrated. Neural network layers and activations are described to allow for prediction of a mechanistic model simulation configuration 100 MCS in advance of an input configuration.

Surrogate model performance was evaluated on a separate dataset consisting of input, ground-truth pairs from 20 new simulations not included in the set used for training. Model performance was evaluated using dice score as a metric for the cell-segmentation layer, and MSE as a metric for the chemical field layer. The distance in the distribution of lacunae areas between simulated configuration and ground truth as quantified by Earth Mover’s Distance (EMD) was also used as a metric to evaluate trained model performance (See Results).

We defined a process to calculate distributions of lacunae areas for a given simulation so that the distributions could be compared. We first augmented the image by patterning it above, below, to the left, and to the right of the original configuration to account for the periodic boundary conditions present in the original Cellular-Potts model. We then labeled all connected lacunae regions and dropped all duplicate lacunae areas. Duplicate lacunae areas were removed by calculating image inertia tensor eigenvalues for the list of all identified lacunae. This operation defines a mathematical representation of lacunae shape from which we use to ignore duplicate regions. Isolated image regions representing lacunae were labeled and inertia tensors for these regions were calculated using the open-source image processing library scikit-image [37]. We further filtered the set of unique domains by removing all regions with an area less than 3 lattice sites, as vascular lacunae in the simulation are generally large and 1-3 lattice regions rarely appeared due to the stochastic lattice-site exchanges during the Cellular-Potts algorithm. This yielded a list of areas of non-duplicate lacunae for a given simulation state that accounts for the periodic boundary conditions of the Cellular-Potts model. The distribution of areas contained in this list was used to calculate and compare distribution distances between predicted and ground-truth simulation states.

Supporting information

S1 Movie. Surrogate model vascular network configuration prediction with recurrent evaluation.

Ground truth (left) from the Cellular-Potts model is compared with the surrogate model prediction (right) given the same initial configuration.

(MP4)

Download video file (2.9MB, mp4)
S2 Movie. Surrogate model diffusive field prediction with recurrent evaluation.

Ground truth (left) from the Cellular-Potts model is compared with the surrogate model prediction (right) given the same initial configuration.

(MP4)

Download video file (1.4MB, mp4)

Data availability

Code to generate data and specify models used in this work is publicly available at https://github.com/tc2fh/CPM_UNet_Surrogate. This code is also published on Zenodo at https://zenodo.org/records/15399533 [38] with a Creative Commons Attribution 4.0 International license.

Data Availability

All code used to generate data and to run experiments and for model training and figure generation are available in a GitHub repository at https://github.com/tc2fh/CPM_UNet_Surrogate. We have also used Zenodo to assign a DOI to the repository: https://zenodo.org/records/15399533.

Funding Statement

JAG received salary support from National Science Foundation grants 2303695 and 2120200 to Indiana University https://www.nsf.gov/. DWD received salary support from National Institutes of Health grant GM131865 to the University of Virginia https://www.nih.gov/. TC received salary support from National Institutes of Health grants T32-GM145443 and T32-GM007267 to the University of Virginia https://www.nih.gov/. GF received salary support from Department of Energy grant ASCR DE-SC0023452 to the University of Virginia https://www.energy.gov/science/ascr/advanced-scientific-computing-research. The funders had no role in study design, data collection and analysis, decision to publish, or preparation of the manuscript.

References

  • 1.Merks RMH, Brodsky SV, Goligorksy MS, Newman SA, Glazier JA. Cell elongation is key to in silico replication of in vitro vasculogenesis and subsequent remodeling. Dev Biol. 2006;289(1):44–54. doi: 10.1016/j.ydbio.2005.10.003 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 2.Haase M, Comlekoglu T, Petrucciani A, Peirce SM, Blemker SS. Agent-based model demonstrates the impact of nonlinear, complex interactions between cytokinces on muscle regeneration. Elife. 2024;13:RP91924. doi: 10.7554/eLife.91924 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 3.Comlekoglu T, Dzamba BJ, Pacheco GG, Shook DR, Sego TJ, Glazier JA, et al. Modeling the roles of cohesotaxis, cell-intercalation, and tissue geometry in collective cell migration of Xenopus mesendoderm. Biol Open. 2024;13(8):bio060615. doi: 10.1242/bio.060615 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 4.Berkhout JH, Glazier JA, Piersma AH, Belmonte JM, Legler J, Spencer RM, et al. A computational dynamic systems model for in silico prediction of neural tube closure defects. Curr Res Toxicol. 2024;8:100210. doi: 10.1016/j.crtox.2024.100210 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 5.Adhyapok P, Piatkowska AM, Norman MJ, Clendenon SG, Stern CD, Glazier JA, et al. A mechanical model of early somite segmentation. iScience. 2021;24(4):102317. doi: 10.1016/j.isci.2021.102317 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 6.Chen N, Glazier JA, Izaguirre JA, Alber MS. A parallel implementation of the Cellular Potts Model for simulation of cell-based morphogenesis. Comput Phys Commun. 2007;176(11–12):670–81. doi: 10.1016/j.cpc.2007.03.007 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 7.Wright SA, Plimpton SJ, Swiler TP. Potts-model grain growth simulations: parallel algorithms and applications. Albuquerque, NM (United States): Sandia National Lab.. 1997. https://www.osti.gov/biblio/522745
  • 8.Gusatto É, Mombach JCM, Cercato FP, Cavalheiro GH. An efficient parallel algorithm to evolve simulations of the cellular potts model. Parallel Process Lett. 2005;15(01n02):199–208. doi: 10.1142/s0129626405002155 [DOI] [Google Scholar]
  • 9.Farimani AB, Gomes J, Pande VS. Deep learning the physics of transport phenomena. 2017. https://arxiv.org/abs/1709.02432
  • 10.Edalatifar M, Tavakoli MB, Ghalambaz M, Setoudeh F. Using deep learning to learn physics of conduction heat transfer. J Therm Anal Calorim. 2020;146(3):1435–52. doi: 10.1007/s10973-020-09875-6 [DOI] [Google Scholar]
  • 11.Doerr S, Majewski M, Pérez A, Krämer A, Clementi C, Noe F, et al. TorchMD: a deep learning framework for molecular simulations. J Chem Theory Comput. 2021;17(4):2355–63. doi: 10.1021/acs.jctc.0c01343 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 12.Li A, Chen R, Farimani AB, Zhang YJ. Reaction diffusion system prediction based on convolutional neural network. Sci Rep. 2020;10(1):3894. doi: 10.1038/s41598-020-60853-2 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 13.Fox G, Jha S. Learning everywhere: a taxonomy for the integration of machine learning and simulations. In: 2019 15th International Conference on eScience (eScience). 2019. p. 439–48. 10.1109/escience.2019.00057 [DOI]
  • 14.Toledo-Marín JQ, Fox G, Sluka JP, Glazier JA. Deep learning approaches to surrogates for solving the diffusion equation for mechanistic real-world simulations. Front Physiol. 2021;12:667828. doi: 10.3389/fphys.2021.667828 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 15.Toledo-Marin JQ, Glazier JA, Fox G. Analyzing the performance of deep encoder-decoder networks as surrogates for a diffusion equation. 2023. https://arxiv.org/abs/2302.03786
  • 16.Ronneberger O, Fischer P, Brox T. U-net: convolutional networks for biomedical image segmentation. 2015. https://arxiv.org/abs/1505.04597
  • 17.Kugelman J, Allman J, Read SA, Vincent SJ, Tong J, Kalloniatis M, et al. A comparison of deep learning U-net architectures for posterior segment OCT retinal layer segmentation. Sci Rep. 2022;12(1):14888. doi: 10.1038/s41598-022-18646-2 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 18.Zou KH, Warfield SK, Bharatha A, Tempany CMC, Kaus MR, Haker SJ, et al. Statistical validation of image segmentation quality based on a spatial overlap index. Acad Radiol. 2004;11(2):178–89. doi: 10.1016/s1076-6332(03)00671-8 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.Carass A, Roy S, Gherman A, Reinhold JC, Jesson A, Arbel T, et al. Evaluating white matter lesion segmentations with refined Sørensen-Dice analysis. Sci Rep. 2020;10(1):8242. doi: 10.1038/s41598-020-64803-w [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 20.Soydan Z, Bayramoglu E, Karasu R, Sayin I, Salturk S, Uvet H. An automatized deep segmentation and classification model for lumbar disk degeneration and clarification of its impact on clinical decisions. Global Spine J. 2025;15(2):554–63. doi: 10.1177/21925682231200783 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 21.Chen Y-C, Li Y-T, Kuo P-C, Cheng S-J, Chung Y-H, Kuo D-P, et al. Automatic segmentation and radiomic texture analysis for osteoporosis screening using chest low-dose computed tomography. Eur Radiol. 2023;33(7):5097–106. doi: 10.1007/s00330-023-09421-6 [DOI] [PubMed] [Google Scholar]
  • 22.Rubner Y, Tomasi C, Guibas LJ. A metric for distributions with applications to image databases. In: Sixth International Conference on Computer Vision (IEEE Cat. No. 98CH36271); 1998. p. 59–66.
  • 23.Rubner Y, Tomasi C, Guibas LJ. The earth mover’s distance as a metric for image retrieval. International Journal of Computer Vision. 2000;40(2):99–121. doi: 10.1023/a:1026543900054 [DOI] [Google Scholar]
  • 24.Zhang C, Cai Y, Lin G, Shen C. DeepEMD: differentiable earth mover’s distance for few-shot learning; 2023. https://arxiv.org/abs/2003.06777. [DOI] [PubMed]
  • 25.Serini G, Ambrosi D, Giraudo E, Gamba A, Preziosi L, Bussolino F. Modeling the early stages of vascular network assembly. EMBO J. 2003;22(8):1771–9. doi: 10.1093/emboj/cdg176 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 26.Gamba A, Ambrosi D, Coniglio A, de Candia A, Di Talia S, Giraudo E, et al. Percolation, morphogenesis, and burgers dynamics in blood vessels formation. Phys Rev Lett. 2003;90(11):118101. doi: 10.1103/PhysRevLett.90.118101 [DOI] [PubMed] [Google Scholar]
  • 27.Ambrosi D, Gamba A, Serini G. Cell directional persistence [corrected] and chemotaxis in vascular morphogenesis. Bull Math Biol. 2004;66(6):1851–73. doi: 10.1016/j.bulm.2004.04.004 [DOI] [PubMed] [Google Scholar]
  • 28.Swat MH, Thomas GL, Belmonte JM, Shirinifard A, Hmeljak D, Glazier JA. Multi-scale modeling of tissues using CompuCell3D. Methods Cell Biol. 2012;110:325–66. doi: 10.1016/B978-0-12-388403-9.00013-8 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 29.Starruß J, de Back W, Brusch L, Deutsch A. Morpheus: a user-friendly modeling environment for multiscale and multicellular systems biology. Bioinformatics. 2014;30(9):1331–2. doi: 10.1093/bioinformatics/btt772 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 30.Osborne JM, Fletcher AG, Pitt-Francis JM, Maini PK, Gavaghan DJ. Comparing individual-based approaches to modelling the self-organization of multicellular tissues. PLoS Comput Biol. 2017;13(2):e1005387. doi: 10.1371/journal.pcbi.1005387 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 31.Wortel IM, Textor J. Artistoo, a library to build, share, and explore simulations of cells and tissues in the web browser. Elife. 2021;10:e61288. doi: 10.7554/eLife.61288 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 32.Sultan S, Devi S, Mueller SN, Textor J. A parallelized cellular Potts model that enables simulations at tissue scale. 2023. https://arxiv.org/abs/2312.09317
  • 33.Tapia JJ, D’Souza RM. Parallelizing the Cellular Potts Model on graphics processing units. Computer Physics Communications. 2011;182(4):857–65. doi: 10.1016/j.cpc.2010.12.011 [DOI] [Google Scholar]
  • 34.Bond-Taylor S, Leach A, Long Y, Willcocks CG. Deep generative modelling: a comparative review of VAEs, GANs, normalizing flows, energy-based and autoregressive models. IEEE Trans Pattern Anal Mach Intell. 2022;44(11):7327–47. doi: 10.1109/TPAMI.2021.3116668 [DOI] [PubMed] [Google Scholar]
  • 35.Comlekoglu T, Toledo-Marín JQ, DeSimone DW, Peirce SM, Fox G, Glazier JA. Generative diffusion model surrogates for mechanistic agent-based biological models. 2025. https://arxiv.org/abs/2505.09630 [DOI] [PMC free article] [PubMed]
  • 36.He Y, Yu H, Liu X, Yang Z, Sun W, Anwar S. Deep learning based 3D segmentation: a survey. 2024. https://arxiv.org/abs/2103.05423
  • 37.van der Walt S, Schönberger JL, Nunez-Iglesias J, Boulogne F, Warner JD, Yager N, et al. scikit-image: image processing in Python. PeerJ. 2014;2:e453. doi: 10.7717/peerj.453 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 38.Comlekoglu T, Toledo-Marin JQ, Comlekoglu T, Peirce S, DeSimone D, Fox G. Surrogate modeling of cellular-potts agent-based models as a segmentation task using the U-Net neural network architecture. 2025. 10.5281/zenodo.15399533 [DOI] [PMC free article] [PubMed]
PLoS Comput Biol. doi: 10.1371/journal.pcbi.1013626.r001

Decision Letter 0

Philip K Maini, Mark Alber

8 Jul 2025

PCOMPBIOL-D-25-00953

Surrogate modeling of Cellular-Potts agent-based models as a segmentation task using the U-Net neural network architecture

PLOS Computational Biology

Dear Dr. Glazier,

Thank you for submitting your manuscript to PLOS Computational Biology. After careful consideration, we feel that it has merit but does not fully meet PLOS Computational Biology's publication criteria as it currently stands. Therefore, we invite you to submit a revised version of the manuscript that addresses the points raised during the review process.

​Please submit your revised manuscript within 60 days Sep 07 2025 11:59PM. If you will need more time than this to complete your revisions, please reply to this message or contact the journal office at ploscompbiol@plos.org. When you're ready to submit your revision, log on to https://www.editorialmanager.com/pcompbiol/ and select the 'Submissions Needing Revision' folder to locate your manuscript file.

Please include the following items when submitting your revised manuscript:

* A rebuttal letter that responds to each point raised by the editor and reviewer(s). You should upload this letter as a separate file labeled 'Response to Reviewers'. This file does not need to include responses to formatting updates and technical items listed in the 'Journal Requirements' section below.

* A marked-up copy of your manuscript that highlights changes made to the original version. You should upload this as a separate file labeled 'Revised Manuscript with Track Changes'.

* An unmarked version of your revised paper without tracked changes. You should upload this as a separate file labeled 'Manuscript'.

If you would like to make changes to your financial disclosure, competing interests statement, or data availability statement, please make these updates within the submission form at the time of resubmission. Guidelines for resubmitting your figure files are available below the reviewer comments at the end of this letter

We look forward to receiving your revised manuscript.

Kind regards,

Philip K Maini

Academic Editor

PLOS Computational Biology

Mark Alber

Section Editor

PLOS Computational Biology

Journal Requirements:

1) We ask that a manuscript source file is provided at Revision. Please upload your manuscript file as a .doc, .docx, .rtf or .tex. If you are providing a .tex file, please upload it under the item type u2018LaTeX Source Fileu2019 and leave your .pdf version as the item type u2018Manuscriptu2019.

2) Please ensure that the funders and grant numbers match between the Financial Disclosure field and the Funding Information tab in your submission form. Note that the funders must be provided in the same order in both places as well. Currently, the Financial Disclosure states there was no funding received.

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Authors:

Please note here if the review is uploaded as an attachment.

Reviewer #1: This submission explores how machine learning can be used to significantly accelerate computationally expensive mechanistic models, focusing on the Cellular Potts Model (CPM). Given the CPM’s popularity and broad application, the work addresses an important and timely question with potential implications for simulating larger and more complex biological systems.

The manuscript is well-written and easy to follow. The authors clearly describe the benefits of using a machine learning-based surrogate model, including improved computational speed and the ability to reproduce key features of the CPM such as vessel sprouting, branching behavior, and lacunae contraction. They also acknowledge the model’s limitations, notably its inability to prevent gradual lacunae growth—an effect not present in the original model.

The figures are generally clear and informative. However, the numbering of figures in the main text does not align with the numbering in the figure captions, which should be corrected for consistency and ease of reference.

Main Concerns

My principal concern is that the success of the surrogate model is overstated in several key parts of the paper. While the authors acknowledge in the main text that the surrogate performs well for only one to three prediction steps, they still present the model as broadly useful in ways that are not fully supported by the results. This limitation substantially reduces the model’s practical utility, as the performance gain from faster simulations cannot be fully leveraged over such short prediction horizons.

For example, the abstract states:

“The surrogate model was trained to predict 100 computational steps ahead (Monte-Carlo steps, MCS), accelerating simulation evaluations by a factor of 590 times compared to CPM code execution. Over multiple recursive evaluations, our model effectively captures the emergent behaviors demonstrated by the original Cellular-Potts model such as vessel sprouting, extension and anastomosis, and contraction of vascular lacunae.”

While technically accurate, this statement omits the critical issue that the model's predictions deteriorate over longer time horizons, particularly in representing lacunae size. For balance, the abstract should briefly mention these limitations.

Similarly, at the end of the Introduction, the authors claim:

“Our approach demonstrates the potential for deep neural networks to serve as efficient surrogate models for CPM simulations, enabling faster evaluation of computationally expensive CPM of biological processes at greater spatial and temporal scales.”

Given the current model’s performance, this statement is overly optimistic. While the long-term potential of such approaches is promising, this particular implementation does not yet fulfill the goals set forth in the statement.

In the Conclusion, the authors write:

“Our surrogate predicts the simulation configuration significantly faster than native Cellular-Potts algorithm execution and can replicate emergent behaviors present but not explicitly defined in the Cellular-Potts model.”

Again, this claim should be tempered by noting that the speed-up is only relevant for very short simulation times, beyond which the surrogate model’s predictions become unreliable.

Minor Comment

• The p-value reported in Figure 5 (1 × 10⁻¹⁸³) is unnecessary. Given the visual clarity of the differences between models, such an extreme level of significance adds little value to the reader’s understanding.

Reviewer #2: This paper presents a U-Net CNN as a surrogate model to predict future

behaviour of a two-dimensional individual cell cellular Potts model.

1. The study seems preliminary and inconclusive. While certainly

worthwhile of publication, it would be preferred if the usefulness of

predicting a mere 100 MCS could be shown to be useful. For example,

if the hypothesised scheme presented in the paragraph at line 234

could be shown to give quantifiable, useful results in half the time of

a cellular Potts model, then the paper would have a positive story to

tell.

2. While it's reasonable to dismiss predicting over short/long time spans

it is completely unclear why 100 MCS was selected as the quantity for

prediction. Surely this is a hyper-parameter which ought to be study

and tuned as part of the model?

3. The reading experience was impaired by presenting the figures in a

permuted order. (The U-net architecture figure referred to as Figure 6

in the Supplementary appeared as Figure 1.)

4. Anastomosis and lacunae present different prediction problems in 3D

where cellular Potts models become unfeasibly slow. Is it possible

that the surrogate could be even more useful in 3D?

5. Ref 32 mentioned on line 32 seems to be key to whether the

current study is useful or a poor substitute. What is the publication

status of Ref 32?

Minor points

------------

l11 "of as vessel"

l235 "3 predictive steps" -> "3 predictive steps (300 MCS)" (for

clarity, if that is what you mean).

l256 Hamiltonian equation appears out of nowhere. Introduce it.

l346 Fix double quotes

l173 Is it possible to show CPU/CPU or GPU/GPU time comparisons?

Ref 8: "potts" -> "Potts"

Ref 28: "Elife" -> eLife"

Reviewer #3: This paper presents an approach for surrogate modeling for the cellular Potts modeling (CPM) framework, which is evaluated on an example model of angiogenesis that involves both a diffusive field and a grid with cells.

Surrogate modeling is an interesting approach that is being applied successfully to many complex simulation methods, e.g., molecular dynamics, and so it is interesting and relevant to investigate similar speedups for the CPM. Unfortunately, I think that the results presented in this paper are still too preliminary to be broadly relevant, and I consider it unlikely that the method proposed in this paper is actually useful; it is currently more an interesting proof of concept for people working in this field, but fundamentally different methods will probably need to be used to actually do surrogate modeling for the CPM.

The main issue is simply that the CPM is a stochastic model, and so the premise of predicting the next configuration after say 100 steps is to some extent flawed. If we ran the CPM many times with different random seeds, it would also not produce the exact same configuration. However, in this paper this task is treated as a "segmentation problem" which is fundamentally a deterministic problem. Using a deterministic surrogate for a stochastic model would have profound implications that may make it very hard or even impossible to use the surrogate for the same research questions as the original model. There may be possible ways around this; for example there could be a subclass of models where the randomness itself may not be critical and simulating a "typical" trajectory may be enough; however without any discussion of such issues or examples how this kind of surrogate could be used the paper is unfortunately too preliminary to be useful.

The authors are well aware of this issue, as they mention it in their discussion section, and have actually already begun a separate project where they use a denoising diffusion model as an architecture for the surrogate, which seems like a much better approach (https://arxiv.org/abs/2505.09630).

In summary, this manuscript would be much stronger if it showed that there is an advantage of this deterministic approach compared to the seemingly more suitable one of using a stochastic generative model as a surrogate. I cannot currently discern such an advantage from the data being shown. While the results do demonstrate that the deterministic surrogate makes predictions that retain some characteristics of the actual model, they do not demonstrate that we can still generate the same kind of insights from it.

**********

Have the authors made all data and (if applicable) computational code underlying the findings in their manuscript fully available?

The PLOS Data policy requires authors to make all data and code underlying the findings described in their manuscript fully available without restriction, with rare exception (please refer to the Data Availability Statement in the manuscript PDF file). The data and code should be provided as part of the manuscript or its supporting information, or deposited to a public repository. For example, in addition to summary statistics, the data points behind means, medians and variance measures should be available. If there are restrictions on publicly sharing data or code —e.g. participant privacy or use of data from a third party—those must be specified.

Reviewer #1: Yes

Reviewer #2: Yes

Reviewer #3: Yes

**********

PLOS authors have the option to publish the peer review history of their article (what does this mean?). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy.

Reviewer #1: No

Reviewer #2: No

Reviewer #3: No

Figure resubmission:

While revising your submission, please upload your figure files to the Preflight Analysis and Conversion Engine (PACE) digital diagnostic tool, https://pacev2.apexcovantage.com/. PACE helps ensure that figures meet PLOS requirements. To use PACE, you must first register as a user. Registration is free. Then, login and navigate to the UPLOAD tab, where you will find detailed instructions on how to use the tool. If you encounter any issues or have any questions when using PACE, please email PLOS at figures@plos.org. Please note that Supporting Information files do not need this step. If there are other versions of figure files still present in your submission file inventory at resubmission, please replace them with the PACE-processed versions.

Reproducibility:

To enhance the reproducibility of your results, we recommend that authors of applicable studies deposit laboratory protocols in protocols.io, where a protocol can be assigned its own identifier (DOI) such that it can be cited independently in the future. Additionally, PLOS ONE offers an option to publish peer-reviewed clinical study protocols. Read more information on sharing protocols at https://plos.org/protocols?utm_medium=editorial-email&utm_source=authorletters&utm_campaign=protocols

PLoS Comput Biol. doi: 10.1371/journal.pcbi.1013626.r003

Decision Letter 1

Philip K Maini, Mark Alber

16 Oct 2025

Dear Prof. Glazier,

We are pleased to inform you that your manuscript 'Surrogate modeling of Cellular-Potts agent-based models as a segmentation task using the U-Net neural network architecture' has been provisionally accepted for publication in PLOS Computational Biology.

Before your manuscript can be formally accepted you will need to complete some formatting changes, which you will receive in a follow up email. A member of our team will be in touch with a set of requests.

Please note that your manuscript will not be scheduled for publication until you have made the required changes, so a swift response is appreciated.

IMPORTANT: The editorial review process is now complete. PLOS will only permit corrections to spelling, formatting or significant scientific errors from this point onwards. Requests for major changes, or any which affect the scientific understanding of your work, will cause delays to the publication date of your manuscript.

Should you, your institution's press office or the journal office choose to press release your paper, you will automatically be opted out of early publication. We ask that you notify us now if you or your institution is planning to press release the article. All press must be co-ordinated with PLOS.

Thank you again for supporting Open Access publishing; we are looking forward to publishing your work in PLOS Computational Biology. 

Best regards,

Philip K Maini

Academic Editor

PLOS Computational Biology

Mark Alber

Section Editor

PLOS Computational Biology

***********************************************************

Reviewer's Responses to Questions

Comments to the Authors:

Please note here if the review is uploaded as an attachment.

Reviewer #1: My concerns and suggestions have been incorporated into the text and I have no more concerns.

Reviewer #2: Authors have addressed my criticisms (and those of another reviewer) to my satisfaction.

Reviewer #3: Thank you for your responses to my concerns. I see that you have added a new paragraph to the discussion emphasizing again why you feel your approach can be useful. While I would have liked to see an explicit acknowledgement of the significant limitations that the current proof of concept still has, I have no further comments or requests at this stage.

**********

Have the authors made all data and (if applicable) computational code underlying the findings in their manuscript fully available?

The PLOS Data policy requires authors to make all data and code underlying the findings described in their manuscript fully available without restriction, with rare exception (please refer to the Data Availability Statement in the manuscript PDF file). The data and code should be provided as part of the manuscript or its supporting information, or deposited to a public repository. For example, in addition to summary statistics, the data points behind means, medians and variance measures should be available. If there are restrictions on publicly sharing data or code —e.g. participant privacy or use of data from a third party—those must be specified.

Reviewer #1: Yes

Reviewer #2: Yes

Reviewer #3: No: 

**********

PLOS authors have the option to publish the peer review history of their article (what does this mean?). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy.

Reviewer #1: No

Reviewer #2: No

Reviewer #3: No

PLoS Comput Biol. doi: 10.1371/journal.pcbi.1013626.r004

Acceptance letter

Philip K Maini, Mark Alber

PCOMPBIOL-D-25-00953R1

Surrogate modeling of Cellular-Potts agent-based models as a segmentation task using the U-Net neural network architecture

Dear Dr Glazier,

I am pleased to inform you that your manuscript has been formally accepted for publication in PLOS Computational Biology. Your manuscript is now with our production department and you will be notified of the publication date in due course.

The corresponding author will soon be receiving a typeset proof for review, to ensure errors have not been introduced during production. Please review the PDF proof of your manuscript carefully, as this is the last chance to correct any errors. Please note that major changes, or those which affect the scientific understanding of the work, will likely cause delays to the publication date of your manuscript.

Soon after your final files are uploaded, unless you have opted out, the early version of your manuscript will be published online. The date of the early version will be your article's publication date. The final article will be published to the same URL, and all versions of the paper will be accessible to readers.

For Research, Software, and Methods articles, you will receive an invoice from PLOS for your publication fee after your manuscript has reached the completed accept phase. If you receive an email requesting payment before acceptance or for any other service, this may be a phishing scheme. Learn how to identify phishing emails and protect your accounts at https://explore.plos.org/phishing.

Thank you again for supporting PLOS Computational Biology and open-access publishing. We are looking forward to publishing your work!

With kind regards,

Anita Estes

PLOS Computational Biology | Carlyle House, Carlyle Road, Cambridge CB4 3DN | United Kingdom ploscompbiol@plos.org | Phone +44 (0) 1223-442824 | ploscompbiol.org | @PLOSCompBiol

Associated Data

    This section collects any data citations, data availability statements, or supplementary materials included in this article.

    Supplementary Materials

    S1 Movie. Surrogate model vascular network configuration prediction with recurrent evaluation.

    Ground truth (left) from the Cellular-Potts model is compared with the surrogate model prediction (right) given the same initial configuration.

    (MP4)

    Download video file (2.9MB, mp4)
    S2 Movie. Surrogate model diffusive field prediction with recurrent evaluation.

    Ground truth (left) from the Cellular-Potts model is compared with the surrogate model prediction (right) given the same initial configuration.

    (MP4)

    Download video file (1.4MB, mp4)
    Attachment

    Submitted filename: Response to Reviewers.pdf

    pcbi.1013626.s003.pdf (256.4KB, pdf)

    Data Availability Statement

    All code used to generate data and to run experiments and for model training and figure generation are available in a GitHub repository at https://github.com/tc2fh/CPM_UNet_Surrogate. We have also used Zenodo to assign a DOI to the repository: https://zenodo.org/records/15399533.

    Code to generate data and specify models used in this work is publicly available at https://github.com/tc2fh/CPM_UNet_Surrogate. This code is also published on Zenodo at https://zenodo.org/records/15399533 [38] with a Creative Commons Attribution 4.0 International license.


    Articles from PLOS Computational Biology are provided here courtesy of PLOS

    RESOURCES