The present invention relates generally to medical imaging analysis, and in particular to multiscale subnetwork fusion with adaptive data sampling for brain lesion detection and segmentation.
Brain lesions are areas of damaged brain tissue due to, e.g., illness, injury, disease, or infection. Brain metastases are a type of brain lesions that form when cancer cells spread to the brain. Current treatment options for brain lesions, such as, e.g., stereotactic radiosurgery, can benefit from the accurate and consistent automated detection and segmentation of brain lesions. However, brain metastases and other brain lesions have great variability in location, size, shape, and pathology. Due to this variability, accurately detecting small brain lesions and segmenting large complex lesions at the same time can be challenging.
In accordance with one or more embodiments, systems and methods for segmenting one or more lesions from medical image patches are provided. An input medical image patch depicting one or more lesions is received. The one or more lesions are segmented from the input medical image patch using a plurality of machine learning based segmentation networks to respectively generate a plurality of initial segmentation masks. Each of the plurality of machine learning based segmentation networks is trained to segment lesions from patches with a different field of view size. A final segmentation mask of the one or more lesions is generated based on the plurality of initial segmentation masks. The final segmentation mask of the one or more lesions is output.
In one embodiment, the plurality of initial segmentation masks is combined and the final segmentation mask is generated based on the combined initial segmentation masks. The plurality of initial segmentation masks may be combined by combining intensity values of corresponding voxels in the plurality of initial segmentation masks into respective scores. The final segmentation mask may be generated based on the scores using a machine learning based fusion network.
In one embodiment, the plurality of machine learning based segmentation networks are trained by extracting training patches from training medical images depicting at least one lesion. The training patches are extracted from the training medical images based on a size of the at least one lesion.
In one embodiment, at least some of the plurality of machine learning based segmentation networks are trained with different loss functions. In one embodiment, at least some of the plurality of machine learning based segmentation networks are implemented with different network architectures. In one embodiment, at least some of the plurality of machine learning based segmentation networks are implemented with different hyperparameters.
In one embodiment, the one or more lesions comprise one or more brain lesions located on a brain of a patient.
These and other advantages of the invention will be apparent to those of ordinary skill in the art by reference to the following detailed description and the accompanying drawings.
The present invention generally relates to methods and systems for multiscale subnetwork fusion with adaptive data sampling for brain lesions detection and segmentation. Embodiments of the present invention are described herein to give a visual understanding of such methods and systems. A digital image is often composed of digital representations of one or more objects (or shapes). The digital representation of an object is often described herein in terms of identifying and manipulating the objects. Such manipulations are virtual manipulations accomplished in the memory or other circuitry/hardware of a computer system. Accordingly, is to be understood that embodiments of the present invention may be performed within a computer system using data stored within the computer system. Further, reference herein to pixels of an image refer equally to voxels of an image and vice versa, unless otherwise noted.
Embodiments described herein provide for an AI/ML (artificial intelligence/machine learning) based system for both detecting small brain lesions and segmenting large complex brain lesions from medical images of a brain of a patient. The AI/ML based system comprises a plurality of independent machine learning based segmentation networks each trained to perform the segmentation on image patches with different field of view sizes using adaptive data sampling, thereby effectively optimizing each segmentation network's sensitivity for a specific target lesion size. By combining the initial segmentation mask from the plurality of independent segmentation networks, the detection sensitivity for small lesion detection and the accuracy of large lesion segmentation is improved. Advantageously, embodiments described herein mitigate the technical challenges of conventional approaches for brain lesion detection and segmentation to thereby support clinicians to efficiently diagnose and treat patients with neurological diseases.
At step 102 of
In one embodiment, the input medical image patch comprises an MR (magnetic resonance) image patch. However, the input medical image patch may be of any other suitable modality, such as, e.g., CT (computed tomography), US (ultrasound), x-ray, or any other medical imaging modality or combinations of medical imaging modalities. The input medical image patch may be a 2D (two dimensional) patch or a 3D (three dimensional) patch. The input medical image patch may be extracted from an acquired medical image of the patient (e.g., around the one or more lesions) or the input medical image patch may be the entire acquired medical image. The input medical image patch may have any suitable field of view size.
The input medical image patch may be received directly from an image acquisition device, such as, e.g., a MR scanner, as the input medical image patch is acquired, or can be received by loading a previously acquired image patch from a storage or memory of a computer system, or can be received by receiving an image patch from a remote computer system.
At step 104 of
In one embodiment, the plurality of machine learning based segmentation networks comprise a plurality of 3D patch-based encoder-decoder based networks. The encoder network of each of the plurality of encoder-decoder based networks receives as input the input medical image patch and encodes the input medical image patch to generate embeddings representing latent features of the input medical image patch as output. The decoder network of each of the plurality of encoder-decoder based networks receives as input the embeddings output from its corresponding encoder network and decodes the embeddings to generate a respective initial segmentation mask. The plurality of machine learning based segmentation networks may be of any other suitable network architecture.
Each of the plurality of machine learning based segmentation networks are independent and different. For instance, in one embodiment, at least some of the plurality of machine learning based segmentation networks are trained differently. For example, at least some of the plurality of machine learning based segmentation networks may be trained to segment lesions from patches with a different field of view size (e.g., using different training data corresponding to the field of view size). In another example, at least some of the plurality of machine learning based segmentation networks may be trained to segment lesions from patches according to a same or different loss functions (e.g., that prioritize performance for patches with a particular field of view size). Exemplary loss functions include cross-entropy loss, volume-adaptive softdice loss, boundary loss, etc. In one embodiment, at least some of the plurality of machine learning based segmentation networks may be implemented with different network architectures. In one embodiment, at least some of the plurality of machine learning based segmentation networks may be implemented with a same or different hyperparameters (e.g., depending on the target application). For example, some of the plurality of machine learning based segmentation networks may have a smaller number of layers while others of the plurality of machine learning based segmentation networks may have a larger number of layers.
The plurality of machine learning based segmentation networks are trained for segmenting lesions from patches during a prior offline or training stage using training data. In one embodiment, the plurality of machine learning based segmentation networks are trained as discussed below with regards to
In one embodiment, the plurality of initial segmentation masks may be probability maps where each respective voxel (or pixel) has an intensity value ranging from, e.g., 0 to 1 indicating a probability that the corresponding voxel in the input medical image patch depicts a lesion. In another embodiment, the plurality of initial segmentation masks may be binary maps generated by, for example, applying a threshold (e.g., 0.5) to the probability maps, where each respective voxel of the binary maps has an intensity value of, e.g., 1 indicating that the corresponding voxel in the input medical image patch depicts a lesion or, e.g., 0 indicating that the corresponding voxel in the input medical image patch does not depict a lesion. The segmentation masks may be in any other suitable form.
At step 106 of
The plurality of initial segmentation masks may be combined by a multi-scale feature generation module that computationally combines the plurality of initial segmentation masks. For example, in one embodiment, the multi-scale feature generation module respectively combines the intensity values of corresponding voxels in the plurality of initial segmentation masks into respective scores. The intensity values of corresponding voxels may be combined using any suitable approach, such as, e.g., mean, median, mode, addition, etc. The scores may be represented in a feature vector representing the combined initial segmentation masks.
The final segmentation mask is then generated based on the feature vector using a machine learning based fusion network. The machine learning based fusion vector receives as input the feature vector of scores and generates as output the final segmentation mask. In one embodiment, the machine learning based fusion network is implemented as random forests or boosting trees to perform fusion by a weighted vote. In another embodiment, the machine learning based fusion network is implemented as an encoder-decoder network. However, the machine learning based fusion network may be implemented according to any other suitable network architecture.
The machine learning based fusion network is trained during a prior offline or training stage using training data. In one embodiment, the machine learning based fusion network is trained as discussed below with regards to
At step 108 of
In workflow 200, training data 202 is received. Training data 202 comprises training medical images of a patient population depicting at least one lesion. Adaptive data sampling 204 by lesion size is performed to extract training patches depicting one or more lesions from the training medical images of training data 202 as training samples. The training patches are extracted based on the size of the at least one lesion depicted in the training medical images. In one embodiment, adaptive data sampling 204 may be performed by utilizing precomputed bounding boxes of ground truth annotated lesions or online connect component analysis of the lesions.
Scale-dependent subnetworks are then individually trained at steps 206-A, 206-B, and 206-C (collectively referred to as scale-dependent subnetwork training 206) on the training samples to generate initial segmentation masks as scale-dependent probabilistic masks. The scale-dependent subnetworks may be implemented as encoder-decoder networks. Each of the scale-dependent subnetworks are independent and different. In one embodiment, one or more of the scale-dependent subnetworks are trained at scale-dependent subnetwork training 206 differently. For example, one or more of the scale-dependent subnetworks may be trained to segment lesions from patches with a different field of view size (e.g., using different training data corresponding to the field of view size). In another example, one or more of the scale-dependent subnetworks may be trained to segment lesions from patches according to a same or different loss functions (e.g., that prioritize performance for patches with a particular field of view size). Scale-dependent subnetworks may be first trained with unsupervised learning, then refined with supervised learning with annotated samples. In one embodiment, one or more of the scale-dependent subnetworks may be implemented with different network architectures. In one embodiment, one or more of the scale-dependent subnetworks may be implemented with a same or different hyperparameters (e.g., depending on the target application).
Multi-scale feature generation module 208 then computationally combines the scale-dependent probabilistic masks by respectively combining the intensity values of each set of corresponding voxels in the scale-dependent probabilistic masks into a score and the scores of each of the sets of corresponding voxels are represented in a feature vector. Final predictor network is then trained 210 to generate final predicted lesion mask 212 from the feature vector. The final predictor network may be trained 210 with supervised learning using training data 202 with ground truth segmentations. To characterize biased predictions and false positives of each subnetwork, the predicted lesions (in the scale-dependent probabilistic masks) output from scale-dependent subnetworks can be used to generate features using pre-defined window kernels (representing patch areas of the medical images) for training 210 final predictor network. The features can be sampled from window kernels of both lesion area and normal area. In one embodiment, the final predictor network may be implemented as random forests or boosting trees trained on the generated features to perform fusion by a weighted vote. In another embodiment, the final predictor network may be implemented as an encoder-decoder network.
Embodiments described herein were experimentally validated. A 3D U-Net system was trained and evaluated to detect and segment intraparenchymal brain metastases with a size greater than 2 mm (millimeters) using 1856 MRI volumes from 1791 patients treated with SRS (stereotactic radiosurgery) from seven institutions (1539 volumes for training, 183 for validation, and 134 for testing). All patients had 3D post-Gd (gadolinium) T1w (T1-weighted) MRI scans pre-SRS. Gross tumor volumes (GTVs) of brain metastases for SRS were curated by each institute first. Then, additional efforts were spent to create GTVs for the untreated and/or uncontoured metastases, including central reviews by 2 radiologists, to improve accuracy of ground truth. The training dataset was augmented with synthetic metastases of 3773 MRIs using a 3D generative pipeline. The proposed system was comprised of two U-Nets with one using small 3D patches dedicated for detecting small metastases and another using large 3D patches for segmenting large metastases, and a random-forest based fusion module for combining the two network outputs. The first U-Net was trained with 3D patches comprising at least one metastasis less than 0.1 cm3 (cubic centimeters). For detection performance, metastases-level sensitivity and case-level false-positive (FP) rate was measured. For segmentation performance, brain metastases-level Dice similarity coefficient (DSC) and 95-percentile Hausdorff distance (HD95) was measured. Performance was also stratified based upon brain metastases sizes.
Excellent detection sensitivity and segmentation accuracy was achieved for brain metastases greater than 0.1 cm3, and promising performance for small brain metastases (less than 0.1 cm3) with a controlled FP rate using a large multi-institutional dataset.
Embodiments described herein are described with respect to the claimed systems as well as with respect to the claimed methods. Features, advantages or alternative embodiments herein can be assigned to the other claimed objects and vice versa. In other words, claims for the systems can be improved with features described or claimed in the context of the methods. In this case, the functional features of the method are embodied by objective units of the providing system.
Furthermore, certain embodiments described herein are described with respect to methods and systems utilizing trained machine learning based models, as well as with respect to methods and systems for training machine learning based models. Features, advantages or alternative embodiments herein can be assigned to the other claimed objects and vice versa. In other words, claims for methods and systems for training a machine learning based model can be improved with features described or claimed in context of the methods and systems for utilizing a trained machine learning based model, and vice versa.
In particular, the trained machine learning based models applied in embodiments described herein can be adapted by the methods and systems for training the machine learning based models. Furthermore, the input data of the trained machine learning based model can comprise advantageous features and embodiments of the training input data, and vice versa. Furthermore, the output data of the trained machine learning based model can comprise advantageous features and embodiments of the output training data, and vice versa.
In general, a trained machine learning based model mimics cognitive functions that humans associate with other human minds. In particular, by training based on training data, the trained machine learning based model is able to adapt to new circumstances and to detect and extrapolate patterns.
In general, parameters of a machine learning based model can be adapted by means of training. In particular, supervised training, semi-supervised training, unsupervised training, reinforcement learning and/or active learning can be used. Furthermore, representation learning (an alternative term is “feature learning”) can be used. In particular, the parameters of the trained machine learning based model can be adapted iteratively by several steps of training.
In particular, a trained machine learning based model can comprise a neural network, a support vector machine, a decision tree, and/or a Bayesian network, and/or the trained machine learning based model can be based on k-means clustering, Q-learning, genetic algorithms, and/or association rules. In particular, a neural network can be a deep neural network, a convolutional neural network, or a convolutional deep neural network. Furthermore, a neural network can be an adversarial network, a deep adversarial network and/or a generative adversarial network.
The artificial neural network 400 comprises nodes 402-422 and edges 432, 434, . . . , 436, wherein each edge 432, 434, . . . , 436 is a directed connection from a first node 402-422 to a second node 402-422. In general, the first node 402-422 and the second node 402-422 are different nodes 402-422, it is also possible that the first node 402-422 and the second node 402-422 are identical. For example, in
In this embodiment, the nodes 402-422 of the artificial neural network 400 can be arranged in layers 424-430, wherein the layers can comprise an intrinsic order introduced by the edges 432, 434, . . . , 436 between the nodes 402-422. In particular, edges 432, 434, . . . , 436 can exist only between neighboring layers of nodes. In the embodiment shown in
In particular, a (real) number can be assigned as a value to every node 402-422 of the neural network 400. Here, x(n)i denotes the value of the i-th node 402-422 of the n-th layer 424-430. The values of the nodes 402-422 of the input layer 424 are equivalent to the input values of the neural network 400, the value of the node 422 of the output layer 430 is equivalent to the output value of the neural network 400. Furthermore, each edge 432, 434, . . . , 436 can comprise a weight being a real number, in particular, the weight is a real number within the interval [−1, 1] or within the interval [0, 1]. Here, w(m,n)i,j denotes the weight of the edge between the i-th node 402-422 of the m-th layer 424-430 and the j-th node 402-422 of the n-th layer 424-430. Furthermore, the abbreviation w(n)i,j is defined for the weight w(n,n+1)i,j.
In particular, to calculate the output values of the neural network 400, the input values are propagated through the neural network. In particular, the values of the nodes 402-422 of the (n+1)-th layer 424-430 can be calculated based on the values of the nodes 402-422 of the n-th layer 424-430 by
Herein, the function f is a transfer function (another term is “activation function”). Known transfer functions are step functions, sigmoid function (e.g. the logistic function, the generalized logistic function, the hyperbolic tangent, the Arctangent function, the error function, the smoothstep function) or rectifier functions. The transfer function is mainly used for normalization purposes.
In particular, the values are propagated layer-wise through the neural network, wherein values of the input layer 424 are given by the input of the neural network 400, wherein values of the first hidden layer 426 can be calculated based on the values of the input layer 424 of the neural network, wherein values of the second hidden layer 428 can be calculated based in the values of the first hidden layer 426, etc.
In order to set the values w(m,n)i,j for the edges, the neural network 400 has to be trained using training data. In particular, training data comprises training input data and training output data (denoted as ti). For a training step, the neural network 400 is applied to the training input data to generate calculated output data. In particular, the training data and the calculated output data comprise a number of values, said number being equal with the number of nodes of the output layer.
In particular, a comparison between the calculated output data and the training data is used to recursively adapt the weights within the neural network 400 (backpropagation algorithm). In particular, the weights are changed according to
wherein γ is a learning rate, and the numbers δ(n)j can be recursively calculated as
based on δ(n+1)j, if the (n+1)-th layer is not the output layer, and
if the (n+1)-th layer is the output layer 430, wherein f′ is the first derivative of the activation function, and y(n+1)j is the comparison training value for the j-th node of the output layer 430.
In the embodiment shown in
In particular, within a convolutional neural network 500, the nodes 512-520 of one layer 502-510 can be considered to be arranged as a d-dimensional matrix or as a d-dimensional image. In particular, in the two-dimensional case the value of the node 512-520 indexed with i and j in the n-th layer 502-510 can be denoted as x(n)[i,j]. However, the arrangement of the nodes 512-520 of one layer 502-510 does not have an effect on the calculations executed within the convolutional neural network 500 as such, since these are given solely by the structure and the weights of the edges.
In particular, a convolutional layer 504 is characterized by the structure and the weights of the incoming edges forming a convolution operation based on a certain number of kernels. In particular, the structure and the weights of the incoming edges are chosen such that the values x(n)k of the nodes 514 of the convolutional layer 504 are calculated as a convolution x(n)k=Kk*x(n−1) based on the values x(n−1) of the nodes 512 of the preceding layer 502, where the convolution * is defined in the two-dimensional case as
Here the k-th kernel Kk is a d-dimensional matrix (in this embodiment a two-dimensional matrix), which is usually small compared to the number of nodes 512-518 (e.g. a 3×3 matrix, or a 5×5 matrix). In particular, this implies that the weights of the incoming edges are not independent, but chosen such that they produce said convolution equation. In particular, for a kernel being a 3×3 matrix, there are only 9 independent weights (each entry of the kernel matrix corresponding to one independent weight), irrespectively of the number of nodes 512-520 in the respective layer 502-510. In particular, for a convolutional layer 504, the number of nodes 514 in the convolutional layer is equivalent to the number of nodes 512 in the preceding layer 502 multiplied with the number of kernels.
If the nodes 512 of the preceding layer 502 are arranged as a d-dimensional matrix, using a plurality of kernels can be interpreted as adding a further dimension (denoted as “depth” dimension), so that the nodes 514 of the convolutional layer 504 are arranged as a (d+1)-dimensional matrix. If the nodes 512 of the preceding layer 502 are already arranged as a (d+1)-dimensional matrix comprising a depth dimension, using a plurality of kernels can be interpreted as expanding along the depth dimension, so that the nodes 514 of the convolutional layer 504 are arranged also as a (d+1)-dimensional matrix, wherein the size of the (d+1)-dimensional matrix with respect to the depth dimension is by a factor of the number of kernels larger than in the preceding layer 502.
The advantage of using convolutional layers 504 is that spatially local correlation of the input data can exploited by enforcing a local connectivity pattern between nodes of adjacent layers, in particular by each node being connected to only a small region of the nodes of the preceding layer.
In embodiment shown in
A pooling layer 506 can be characterized by the structure and the weights of the incoming edges and the activation function of its nodes 516 forming a pooling operation based on a non-linear pooling function f. For example, in the two dimensional case the values x(n) of the nodes 516 of the pooling layer 506 can be calculated based on the values x(n−1) of the nodes 514 of the preceding layer 504 as
In other words, by using a pooling layer 506, the number of nodes 514, 516 can be reduced, by replacing a number d1-d2 of neighboring nodes 514 in the preceding layer 504 with a single node 516 being calculated as a function of the values of said number of neighboring nodes in the pooling layer. In particular, the pooling function f can be the max-function, the average or the L2-Norm. In particular, for a pooling layer 506 the weights of the incoming edges are fixed and are not modified by training.
The advantage of using a pooling layer 506 is that the number of nodes 514, 516 and the number of parameters is reduced. This leads to the amount of computation in the network being reduced and to a control of overfitting.
In the embodiment shown in
A fully-connected layer 508 can be characterized by the fact that a majority, in particular, all edges between nodes 516 of the previous layer 506 and the nodes 518 of the fully-connected layer 508 are present, and wherein the weight of each of the edges can be adjusted individually.
In this embodiment, the nodes 516 of the preceding layer 506 of the fully-connected layer 508 are displayed both as two-dimensional matrices, and additionally as non-related nodes (indicated as a line of nodes, wherein the number of nodes was reduced for a better presentability). In this embodiment, the number of nodes 518 in the fully connected layer 508 is equal to the number of nodes 516 in the preceding layer 506. Alternatively, the number of nodes 516, 518 can differ.
Furthermore, in this embodiment, the values of the nodes 520 of the output layer 510 are determined by applying the Softmax function onto the values of the nodes 518 of the preceding layer 508. By applying the Softmax function, the sum the values of all nodes 520 of the output layer 510 is 1, and all values of all nodes 520 of the output layer are real numbers between 0 and 1.
A convolutional neural network 500 can also comprise a ReLU (rectified linear units) layer or activation layers with non-linear transfer functions. In particular, the number of nodes and the structure of the nodes contained in a ReLU layer is equivalent to the number of nodes and the structure of the nodes contained in the preceding layer. In particular, the value of each node in the ReLU layer is calculated by applying a rectifying function to the value of the corresponding node of the preceding layer.
The input and output of different convolutional neural network blocks can be wired using summation (residual/dense neural networks), element-wise multiplication (attention) or other differentiable operators. Therefore, the convolutional neural network architecture can be nested rather than being sequential if the whole pipeline is differentiable.
In particular, convolutional neural networks 500 can be trained based on the backpropagation algorithm. For preventing overfitting, methods of regularization can be used, e.g. dropout of nodes 512-520, stochastic pooling, use of artificial data, weight decay based on the L1 or the L2 norm, or max norm constraints. Different loss functions can be combined for training the same neural network to reflect the joint training objectives. A subset of the neural network parameters can be excluded from optimization to retain the weights pretrained on another datasets.
Systems, apparatuses, and methods described herein may be implemented using digital circuitry, or using one or more computers using well-known computer processors, memory units, storage devices, computer software, and other components. Typically, a computer includes a processor for executing instructions and one or more memories for storing instructions and data. A computer may also include, or be coupled to, one or more mass storage devices, such as one or more magnetic disks, internal hard disks and removable disks, magneto-optical disks, optical disks, etc.
Systems, apparatus, and methods described herein may be implemented using computers operating in a client-server relationship. Typically, in such a system, the client computers are located remotely from the server computer and interact via a network. The client-server relationship may be defined and controlled by computer programs running on the respective client and server computers.
Systems, apparatus, and methods described herein may be implemented within a network-based cloud computing system. In such a network-based cloud computing system, a server or another processor that is connected to a network communicates with one or more client computers via a network. A client computer may communicate with the server via a network browser application residing and operating on the client computer, for example. A client computer may store data on the server and access the data via the network. A client computer may transmit requests for data, or requests for online services, to the server via the network. The server may perform requested services and provide data to the client computer(s). The server may also transmit data adapted to cause a client computer to perform a specified function, e.g., to perform a calculation, to display specified data on a screen, etc. For example, the server may transmit a request adapted to cause a client computer to perform one or more of the steps or functions of the methods and workflows described herein, including one or more of the steps or functions of
Systems, apparatus, and methods described herein may be implemented using a computer program product tangibly embodied in an information carrier, e.g., in a non-transitory machine-readable storage device, for execution by a programmable processor; and the method and workflow steps described herein, including one or more of the steps or functions of
A high-level block diagram of an example computer 602 that may be used to implement systems, apparatus, and methods described herein is depicted in
Processor 604 may include both general and special purpose microprocessors, and may be the sole processor or one of multiple processors of computer 602. Processor 604 may include one or more central processing units (CPUs), for example. Processor 604, data storage device 612, and/or memory 610 may include, be supplemented by, or incorporated in, one or more application-specific integrated circuits (ASICs) and/or one or more field programmable gate arrays (FPGAs).
Data storage device 612 and memory 610 each include a tangible non-transitory computer readable storage medium. Data storage device 612, and memory 610, may each include high-speed random access memory, such as dynamic random access memory (DRAM), static random access memory (SRAM), double data rate synchronous dynamic random access memory (DDR RAM), or other random access solid state memory devices, and may include non-volatile memory, such as one or more magnetic disk storage devices such as internal hard disks and removable disks, magneto-optical disk storage devices, optical disk storage devices, flash memory devices, semiconductor memory devices, such as erasable programmable read-only memory (EPROM), electrically erasable programmable read-only memory (EEPROM), compact disc read-only memory (CD-ROM), digital versatile disc read-only memory (DVD-ROM) disks, or other non-volatile solid state storage devices.
Input/output devices 608 may include peripherals, such as a printer, scanner, display screen, etc. For example, input/output devices 608 may include a display device such as a cathode ray tube (CRT) or liquid crystal display (LCD) monitor for displaying information to the user, a keyboard, and a pointing device such as a mouse or a trackball by which the user can provide input to computer 602.
An image acquisition device 614 can be connected to the computer 602 to input image data (e.g., medical images) to the computer 602. It is possible to implement the image acquisition device 614 and the computer 602 as one device. It is also possible that the image acquisition device 614 and the computer 602 communicate wirelessly through a network. In a possible embodiment, the computer 602 can be located remotely with respect to the image acquisition device 614.
Any or all of the systems and apparatus discussed herein may be implemented using one or more computers such as computer 602.
One skilled in the art will recognize that an implementation of an actual computer or computer system may have other structures and may contain other components as well, and that
Independent of the grammatical term usage, individuals with male, female or other gender identities are included within the term.
The foregoing Detailed Description is to be understood as being in every respect illustrative and exemplary, but not restrictive, and the scope of the invention disclosed herein is not to be determined from the Detailed Description, but rather from the claims as interpreted according to the full breadth permitted by the patent laws. It is to be understood that the embodiments shown and described herein are only illustrative of the principles of the present invention and that various modifications may be implemented by those skilled in the art without departing from the scope and spirit of the invention. Those skilled in the art could implement various other feature combinations without departing from the scope and spirit of the invention.
The following is a list of non-limiting illustrative embodiments disclosed herein:
Illustrative embodiment 1. A computer-implemented method comprising: receiving an input medical image patch depicting one or more lesions; segmenting the one or more lesions from the input medical image patch using a plurality of machine learning based segmentation networks to respectively generate a plurality of initial segmentation masks, each of the plurality of machine learning based segmentation networks trained to segment lesions from patches with a different field of view size; generating a final segmentation mask of the one or more lesions based on the plurality of initial segmentation masks; and outputting the final segmentation mask of the one or more lesions.
Illustrative embodiment 2. The computer-implemented method of Illustrative embodiment 1, wherein generating a final segmentation mask of the one or more lesions based on the plurality of initial segmentation masks comprises: combining the plurality of initial segmentation masks; and generating the final segmentation mask based on the combined initial segmentation masks.
Illustrative embodiment 3. The computer-implemented method of any one of illustrative embodiments 1-2, wherein combining the plurality of initial segmentation masks comprises: combining intensity values of corresponding voxels in the plurality of initial segmentation masks into respective scores.
Illustrative embodiment 4. The computer-implemented method of any one of illustrative embodiments 1-3, wherein generating the final segmentation mask based on the combined initial segmentation masks comprises: generating the final segmentation mask based on the scores using a machine learning based fusion network.
Illustrative embodiment 5. The computer-implemented method of any one of illustrative embodiments 1-4, wherein the plurality of machine learning based segmentation networks are trained by extracting training patches from training medical images depicting at least one lesion, the training patches extracted from the training medical images based on a size of the at least one lesion.
Illustrative embodiment 6. The computer-implemented method of any one of illustrative embodiments 1-5, wherein at least some of the plurality of machine learning based segmentation networks are trained with different loss functions.
Illustrative embodiment 7. The computer-implemented method of any one of illustrative embodiments 1-6, wherein at least some of the plurality of machine learning based segmentation networks are implemented with different network architectures.
Illustrative embodiment 8. The computer-implemented method of any one of illustrative embodiments 1-7, wherein at least some of the plurality of machine learning based segmentation networks are implemented with different hyperparameters.
Illustrative embodiment 9. The computer-implemented method of any one of illustrative embodiments 1-8, wherein the one or more lesions comprise one or more brain lesions located on a brain of a patient.
Illustrative embodiment 10. An apparatus comprising: means for receiving an input medical image patch depicting one or more lesions; means for segmenting the one or more lesions from the input medical image patch using a plurality of machine learning based segmentation networks to respectively generate a plurality of initial segmentation masks, each of the plurality of machine learning based segmentation networks trained to segment lesions from patches with a different field of view size; means for generating a final segmentation mask of the one or more lesions based on the plurality of initial segmentation masks; and means for outputting the final segmentation mask of the one or more lesions.
Illustrative embodiment 11. The apparatus of illustrative embodiment 10, wherein the means for generating a final segmentation mask of the one or more lesions based on the plurality of initial segmentation masks comprises: means for combining the plurality of initial segmentation masks; and means for generating the final segmentation mask based on the combined initial segmentation masks.
Illustrative embodiment 12. The apparatus of any one of illustrative embodiments 10-11, wherein the means for combining the plurality of initial segmentation masks comprises: means for combining intensity values of corresponding voxels in the plurality of initial segmentation masks into respective scores.
Illustrative embodiment 13. The apparatus of any one of illustrative embodiments 10-12, wherein the means for generating the final segmentation mask based on the combined initial segmentation masks comprises: means for generating the final segmentation mask based on the scores using a machine learning based fusion network.
Illustrative embodiment 14. The apparatus of any one of illustrative embodiments 10-13, wherein the plurality of machine learning based segmentation networks are trained by extracting training patches from training medical images depicting at least one lesion, the training patches extracted from the training medical images based on a size of the at least one lesion.
Illustrative embodiment 15. A non-transitory computer readable medium storing computer program instructions, the computer program instructions when executed by a processor cause the processor to perform operations comprising: receiving an input medical image patch depicting one or more lesions; segmenting the one or more lesions from the input medical image patch using a plurality of machine learning based segmentation networks to respectively generate a plurality of initial segmentation masks, each of the plurality of machine learning based segmentation networks trained to segment lesions from patches with a different field of view size; generating a final segmentation mask of the one or more lesions based on the plurality of initial segmentation masks; and outputting the final segmentation mask of the one or more lesions.
Illustrative embodiment 16. The non-transitory computer readable medium of illustrative embodiment 15, wherein generating a final segmentation mask of the one or more lesions based on the plurality of initial segmentation masks comprises: combining the plurality of initial segmentation masks; and generating the final segmentation mask based on the combined initial segmentation masks.
Illustrative embodiment 17. The non-transitory computer readable medium of any one of illustrative embodiments 15-16, wherein at least some of the plurality of machine learning based segmentation networks are trained with different loss functions.
Illustrative embodiment 18. The non-transitory computer readable medium of any one of illustrative embodiments 15-17, wherein at least some of the plurality of machine learning based segmentation networks are implemented with different network architectures.
Illustrative embodiment 19. The non-transitory computer readable medium of any one of illustrative embodiments 15-18, wherein at least some of the plurality of machine learning based segmentation networks are implemented with different hyperparameters.
Illustrative embodiment 20. The non-transitory computer readable medium of any one of illustrative embodiments 15-19, wherein the one or more lesions comprise one or more brain lesions located on a brain of a patient.
This invention was made with government support under grant number R01CA262182 awarded by the National Institutes of Health. The government has certain rights in the invention.