Deep Learning Radiomics Data Processing by Siyi Technology

Please click on the four words above “Siyi Technology” to follow us. Siyi Technology focuses on brain image data processing, covering (radiomics,fMRI, structural images, white matter hyperintensity analysis, PVS, PET, spectroscopy, CEST, DWI, DTI-ALPS, QSM, ASL, IVIM, DCE,DSC, oxygen extraction fraction (OEF) andCMRO2, BOLD-CVR, primate brain imaging, mouse brain imaging, microbiota, EEG/ERP, magnetoencephalography, FNIRS, eye movement, Eprime programming) and more. We hope that our professional content can help our followers. Feel free to leave comments for discussion, and we welcome participation in Siyi Technology’s courses. You can add WeChat ID19962074063 or 18983979082 for consultation. (Click at the end to browse)
Radiomics refers to the method of segmenting the region of interest in images (such as CT, MRI, PET, etc.), extracting image features, and using feature data to build models to analyze patient biological information, mainly applied in cancer and neuroscience. With the continuous advancement of technology, the integration of deep learning technology into radiomics has become one of the hotspots in clinical research. In response to this, Siyi Technology has launched radiomics data processing services based on end-to-end deep learning.If you are interested, please contact Yang Xiaofei via WeChat ID:19962074063 or 18983979082 for consultation, phone::18580429226.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 1 Flowchart
1. Data Quality Check and Preprocessing:
Data Quality Check: Check for image deformation, defects, artifacts; check image parameters, etc.
Data Preprocessing: Image registration, voxel resampling, image normalization, standardization of image gray values, etc.
Deep Learning Preprocessing: Data augmentation, dataset partitioning, class balancing, etc.
2. Image Segmentation:
For medical image segmentation tasks, advanced deep learning models can be used to automatically segment the ROI areas of images, determining the location of tumors without the need for manual delineation. Deep learning has various network architectures and methods for image segmentation,
mainly including:

(1) U-Net: U-Net includes encoder and decoder parts, with downsampling, upsampling, and skip connections, used to refine the results of image segmentation. U-Net can be extended to U-Net++, V-Net, and 3D-Unet and other similar structures, all of which can be used for image segmentation.

Deep Learning Radiomics Data Processing by Siyi Technology
Figure 2 U-Net
(2) F-CNNs: Fully Convolutional Neural Networks (F-CNNs) replace fully connected layers in the network structure with convolutional layers to obtain dense segmentation results. At the same time, F-CNNs also fuse feature information at different scales to achieve more detailed image segmentation effects.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 3 F-CNNs
(3) SegNet: SegNet is a convolutional neural network used for image segmentation, adopting an encoder-decoder structure and deconvolution layers to effectively extract and restore the features and details of images, capturing spatial information in images. (Image 4 SegNet)
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 4 SegNet
(4) DeepLab: DeepLab is a convolutional neural network architecture characterized by the use of dilated convolutions to increase the receptive field, supporting multi-scale processing, fusing global contextual information, and refining image segmentation results through skip connections and upsampling.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 5 DeepLab
(5) RNN: In image segmentation, Recurrent Neural Networks (RNN) can be used to fit the temporal dependencies of image sequences. Combining U-Net and RNN can achieve feature accumulation through recursive residual convolution layers, thereby improving the feature representation for image segmentation tasks.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 6 U-Net + RNN
(6) Transformer: The Transformer model was originally designed for natural language processing (NLP) and consists of an encoder and decoder. Its core is the self-attention mechanism, which allows the model to focus on different positions while processing sequential data, effectively capturing long-range dependencies.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 7 Transformer
(7) SAM Model: The model is designed and trained to perform prompting, allowing it to zero-shot transfer to new image distributions and tasks.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 8 SAM Model

3. Feature Extraction and Selection

Unlike traditional radiomics that extracts various semantic and non-semantic features, deep learning-based radiomics can extract and select features through discriminative or generative models.

(1) Discriminative Models: Discriminative models typically extract class-discriminative features, allowing these models to directly predict instances from the extracted features. The main network models include:

① Convolutional Neural Networks (CNN): CNN combines convolutional layers, nonlinear activation functions, and pooling layers for automatic feature learning. Common models include:AlexNet, VGGNet, Inception, multilayer CNNs and others.

② Capsule Networks: Composed of convolutional layers and capsule layers, it can solve the problem of lost spatial relationship information associated with pooling layers.

③ Recurrent Neural Networks (RNN): RNN can handle sequential data such as CT or MR slices. Meanwhile, Long Short-Term Memory Networks (LSTM) can further solve the vanishing gradient problem of RNN.

Deep Learning Radiomics Data Processing by Siyi Technology
Figure 9 Convolutional Neural Network
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 10 Capsule Network
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 11 LSTM Network

(2) Generative Models: The goal is to learn abstract and rich features from data distributions to generate new samples from the same distribution, mainly including the following network models:

① Auto-Encoder Networks: Auto-encoder networks consist of an encoder and a decoder, which can be trained end-to-end. Depending on the application, they can be extended to Denoising Autoencoders (DAEs), Convolutional Autoencoders (CAEs).

② Deep Belief Networks (DBN): Composed of stacked Restricted Boltzmann Machines (RBM), usually includes a visible layer and multiple hidden layers. DBN learns layered representations of data, capturing gradually abstract features of data.

③ Generative Adversarial Networks (GANs): GANs consist of a generator and a discriminator that compete against each other in a zero-sum game framework, where the generator tries to produce more realistic data while the discriminator attempts to accurately distinguish real data from the data generated by the generator.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 12 Auto-encoder Network
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 13 Generative Adversarial Network

4. Model Establishment

The establishment of deep learning-based radiomics models is a dynamic and highly flexible process, depending on the application scenario and task requirements. Different models have advantages in different aspects, and selecting the appropriate model for fine-tuning is an efficient strategy.

Model

Concept

Features

2D-CNN

Focus on local areas by sliding convolution kernels over 2D image slices

Suitable for analysis of static images and planar features

3D-CNN

Learn features directly in three-dimensional data without separating temporal and spatial information

Effectively captures temporal and spatial depth information contained in fMRI data.

RNN

RNN can naturally model the temporal changes of each voxel

Can capture long-term dependencies between data, suitable for tasks involving development and change

Autoencoder

Reproduce input data using the encoder-decoder structure

Learn compressed representations of data, helping to extract the most important features

CNN+Transformer

CNN captures local features, Transformer captures global temporal dynamics

Adaptively focuses on relationships between different areas in the input

CNN+CRF

Utilizes the advantages of CNN in feature learning, combined with CRF for spatial consistency modeling

More accurate boundary delineation, reducing noise

U-net

Uses the encoder to capture contextual information of the input image, while the decoder is used to restore the spatial resolution of the image

Maintains high-resolution features through skip connections, preserving more details in the segmentation results

SegNet

Effectively restores the details of the input image during the decoding process by passing index information to the deconvolution layers

Relatively lightweight, suitable for real-time image segmentation tasks

GANs

Improves segmentation performance by alternating training of the generator and discriminator

More detailed segmentation in complex structures and boundary regions, enhancing model generalization performance

Fine-tuning: For routine tasks with a lot of existing work, models such as CNN, U-net, SegNet, etc., which have already been trained on large datasets, can be fine-tuned to complete tasks. Because pre-trained models have already learned low-level features that can be used for the proposed tasks, the time and data required to fine-tune pre-trained models are less than training a new model, making it easier to avoid overfitting during fine-tuning.

Many tasks can achieve satisfactory results by fine-tuning pre-trained models. If the pre-trained model performs poorly, or if the task is particularly complex and requires a higher level of performance, then considering designing a model yourself may be a reasonable choice.

Deep Learning Radiomics Data Processing by Siyi Technology
Figure 14 Fine-tuning vs. Re-training

Multi-modal Data Analysis: Deep learning can handle multi-modal medical image data, such as fusing CT and MRI data. Data from different modalities provide complementary information, helping to understand disease states more accurately and providing a more comprehensive perspective for personalized medicine and disease diagnosis.

Deep Learning Radiomics Data Processing by Siyi Technology
Figure 15 T1, T1c, T2, Flair Multi-modal Data Fusion

5. Result Reporting&Visualization

(1) Model Interpretability Analysis: In medical image segmentation tasks, interpretability analysis focuses on the decision-making process of the model, which is crucial for improving the model’s credibility, practical application, and clinical acceptance.

① Visualization using Class Activation Maps (Grad-CAM): By calculating the gradients of specific class outputs in convolutional neural networks, class activation maps are generated to highlight the regions of interest that the network focuses on for classification tasks. Based on this concept, a series of improved versions have been developed, such as Grad-CAM++ designed specifically for interpreting attention mechanisms and Score-CAM, which considers pixel weights on feature maps.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 16 Interpretability Analysis

② LIME: Uses local models to explain the predictions of the original model. By generating a set of samples near the input data and then using a simple interpretable model to approximate the behavior of the original model, it helps to understand the decision-making process of the model.

③ Model Sensitivity Analysis: By modifying a small portion of the input data and observing the changes in model output, it analyzes the model’s sensitivity to input, which helps to understand the model’s attention to different parts of the input.

(2) Model Performance Evaluation: Qualitative and quantitative analyses aim to comprehensively evaluate the performance and applicability of segmentation models. The two analysis methods provide different perspectives for evaluating the effectiveness of segmentation algorithms and their adaptability to specific tasks.

① Quantitative Analysis: Evaluates the performance of segmentation models through numerical metrics. The Dice Coefficient is used to measure the overlap between the model’s segmentation results and the true segmentation results, serving as a commonly used performance metric for segmentation. IoU represents the proportion of the intersection of the model’s segmentation area to the union with the true segmentation area.

② Qualitative Analysis: Evaluates the output of segmentation models through intuitive visual inspection. By visualizing the segmentation results of the model, researchers can observe whether the model successfully captures the structures or lesions of interest.
Deep Learning Radiomics Data Processing by Siyi Technology
Figure 17 Qualitative Analysis

(3) Result Reporting:

For classification tasks: can report accuracy, sensitivity, specificity, area under the ROC curve (AUC), and 95% confidence intervals, and can plot ROC curves, decision curves, and calibration curves.

For regression tasks: can report mean squared error (MSE), mean absolute error (MAE), coefficient of determination (R-squared), root mean square error (RMSE), explained variance, and correlation coefficient, and can plot scatter plots of regression predictions against true values.

For segmentation tasks: in addition to IoU and Dice Coefficient, can also report pixel accuracy, mean accuracy, mean IoU, and boundary accuracy.

6. Customized Analysis
After reading a classic paper, do you wish to apply advanced methods in your own research? Siyi Technology can provide customized analysis services.
(1) Customizable Analysis Methods: Siyi Technology can implement the data analysis methods used in the literature based on the template literature you provide, using your experimental data. In addition, we can also combine multiple pieces of literature, and Siyi Technology will work with you to develop a plan.
(2) Literature Reproduction: Siyi Technology can provide literature reproduction services, which means reproducing the data analysis methods and results used in the paper or literature you provide. We are committed to ensuring the accuracy of the reproduction and making appropriate customizations based on your needs to meet specific research purposes.
(3) Customizable Analysis Code: When there is no existing software suitable for your data analysis needs, Siyi Technology will collaborate with you to implement your ideas by writing code and providing complete code.
Deep Learning Radiomics Data Processing by Siyi Technology
Scan the QR code or press and hold to recognize and follow Siyi
Thank you very much for your support and recommendation

Welcome to browse Siyi’s data processing services and course introductions.(Please click the text below directly to browse all courses offered by Siyi Technology. Feel free to add WeChat ID19962074063 or 18983979082 for consultation. All courses are open for registration, and we will contact you as soon as you register, reserving spots for registered students):

Data Processing Business Introduction:

Siyi Technology Functional Magnetic Resonance (fMRI) Data Processing Services

Siyi Technology Diffusion Weighted Imaging (DWI) Data Processing
Siyi Technology Brain Structural Magnetic Resonance (T1) Imaging Data Processing Services
Siyi Technology Rodent (Mouse and Rat) Neuroimaging Data Processing Services
Siyi Technology Quantitative Susceptibility Mapping (QSM) Data Processing Services
Siyi Technology Radiomics Data Processing Services
Siyi Technology DTI-ALPS Data Processing Services
Siyi Data ASL Data Processing Services
Siyi Technology Primate fMRI Analysis Services
Siyi Technology Brain Imaging Machine Learning Data Processing Services Introduction
Siyi Technology Microbiota Analysis Services
Siyi Technology EEG/ERP Data Processing Services
Siyi Technology Near-Infrared Brain Function Data Processing Services
Siyi Technology Brain Electrical Machine Learning Data Processing Services
Siyi Data Processing Services Six: Magnetoencephalography (MEG) Data Processing
Siyi Technology Eye Movement Data Processing Services
Recruitment and Products:
Siyi Technology is recruiting Data Processing Engineers (Guangzhou, Beijing, Shanghai, Nanjing, Chongqing)
BIOSEMI EEG System Introduction
Eyepiece Functional Magnetic Resonance Stimulation System Introduction

Leave a Comment