Abstract
Liver tumor segmentation is a critical part in the diagnosis and treatment of liver cancer. While U-shaped convolutional neural networks (UNets) have made significant strides in medical image segmentation, challenges remain in accurately segmenting tumor boundaries and detecting small tumors, resulting in low segmentation accuracy. To improve the segmentation accuracy of liver tumors, this work proposes space pyramid attention (SPA)-UNet, a novel image segmentation network with an encoder-decoder architecture. SPA-UNet consists of four modules: (1) Spatial pyramid convolution block (SPCB), extracting multi-scale features by fusing three sets of dilated convolutions with different rates. (2) Spatial pyramid pooling block (SPPB), performing downsampling to reduce image size. (3) Upsample module, integrating dense positional and semantic information. (4) Residual attention block (RA-Block), enabling precise tumor localization. The encoder incorporates 5 SPCBs and 4 SPPBs to capture contextual information. The decoder consists of the Upsample module and RA-Block, and finally a segmentation head outputs segmented images of liver and liver tumor. Experiments using the liver tumor segmentation dataset demonstrate that SPA-UNet surpasses the traditional UNet model, achieving a 1.0 and 2.0% improvement in intersection over union indicators for liver and tumors, respectively, along with increased recall rates by 1.2 and 1.8%. These advancements provide a dependable foundation for liver cancer diagnosis and treatment.
1 Introduction
Liver is the largest organ in the human system, with many ducts and a complex anatomical structure. It is located in the right upper abdomen, close to the inside of the ribs. Unlike other organs, the liver has a unique dual blood supply system that comes from the liver’s portal veins (about 3/4) and hepatic arteries (about 1/4). Liver cancer is the most common and deadly tumor in the world, seriously threatening people’s lives and health. According to the National Cancer Center, the incidence of liver cancer in China ranks fifth among all malignant tumors, and the mortality rate ranks second [1]. As science and technology develop, computer application technology and medical information technology are rapidly advancing. Computed tomography (CT) has the properties of fast scanning time and high image resolution and is a common diagnostic method for liver cancer. At present, the segmentation of liver tumors in clinical practice is usually manually marked by experienced physicians, which is not only laborious and time-consuming, but also the tumor area of the liver CT image of the same patient may produce different results when marked by different physicians, which seriously depends on the physicians’ experience and skills. Therefore, it is of great importance to study the accurate and efficient automatic segmentation method of liver tumor for the clinical diagnosis and treatment of liver cancers.
Liver tumors in CT images usually have the characteristics of low contrast, fuzzy boundary, and unfixed shape, size, and number, which lead to inaccurate liver boundary segmentation and difficulty in tumor segmentation. To further increase the accuracy of liver tumor segmentation (LiTS), it is possible to achieve both relatively complete segmentation of larger tumors and detection of smaller tumors. This study proposes a liver tumor space pyramid attention (SPA)-U-shaped convolutional neural network (UNet), consisting of an encoder and a decoder. The multi-scale modules spatial pyramid convolution lock (SPCB) and spatial pyramid pooling block (SPPB) are designed on the encoding path to obtain the multi-scale features of the image by enhancing the receptive field of the segmentation network feature map. Residual attention block (RA-Block) is added to the decoding path, which enables the model to more accurately locate and identify the lesion area. We validate the effectiveness of the designed model on the LiTS task using the public LiTS dataset.
In conclusion, the main work of this study is as follows:
In this study, we propose a network for LiTS, SPA-UNet embedded with SPCB and SPPB, which can extract multi-scale features from images and increase the efficiency of medical image segmentation.
We propose a RA module RA-Block, which can accelerate the training of the network, make the model focus on the region of interest, and suppress the redundant features.
We use the LiTS dataset for experimental analysis, and the results indicate that the network can improve the detection rate of small tumors to some extent, and effectively address the problems of low segmentation accuracy caused by blurred liver tumor borders and the difficulty of tumor segmentation caused by data category imbalance.
The rest of the study is organized as follows: Section 2 introduces the relevant work in this study, Section 3 describes the proposed method, Section 4 presents the experimental results, and Section 5 summarizes the relevant conclusions.
2 Recent works
2.1 Medical image segmentation
Medical image segmentation is to separate the target region in medical image from the background, usually tumors, organs, and lesions. Medical image segmentation is very challenging, because medical image data usually contains noise, blur, low contrast and other problems, and there are huge changes in the shape and size of the target area in medical images, so efficient and accurate segmentation algorithms are needed. Segmentation of medical images has an extremely significant application value in medical field. It can help doctors diagnose diseases more accurately, make treatment plans, and carry out surgical planning. For example, in the treatment of tumors, the segmentation of medical images can help doctors pinpoint the exact location and extent of the tumor. This enables them to better formulate the treatment plan and predict the effect of the treatment.
However, because of the sheer diversity and complexity of medical image data, segmentation of medical images faces many challenges. For example, there may be plentiful noise and artifacts in medical image data, which has a significant impact on the accuracy of the segmentation algorithm. In addition, different types of medical image data, such as MRI, CT, X-ray, etc., have different characteristics, and the segmentation algorithm needs to be optimized for different types of data. In addition, the shape and size of the target region in medical images change tremendously, which also brings great challenges to the segmentation algorithm.
Traditional methods for medical image segmentation include thresholding [2], level set [3], region growth [4], etc., because liver tumors in CT images usually have the characteristics of low contrast, fuzzy boundary, and uncertain size, shape, position, and quantity, the traditional segmentation methods need manual intervention, which is difficult to effectively adapt to the complexity and diversity of liver tumors, and target segmentation accuracy is low and performance is poor, the automatic segmentation of tumor region cannot be realized.
In recent years, deep learning technology has been under rapid development and is now widely used in the field of medical image segmentation [5–12]. The full convolutional network (FCN) [13] uses end-to-end network to segment medical images. The network classifies images at the pixel level, thus solving the semantic level of image segmentation. The UNet [14] first introduces jump connection into the convolutional network, which realizes image semantic segmentation through encoding-decoding operation. The encoder subsamples the extracted features to capture the image context information. The decoder performs upsampling on the detected features to accurately locate the segmented region. Li et al. [15] proposed a bottleneck supervised UNet. The model is a hybrid tight connection structure, which can be segmented by fully exploiting the information between the layers of the network. Schlemper et al. [16] integrated attention mechanism into UNet and proposed an attention UNet model, which can automatically learn regional features related to segmentation tasks and suppress irrelevant features. Lei et al. [17] proposed a deformable network for liver cancer segmentation. The deformable convolution presented by the network solves the problem of matching irregular liver and liver tumor and enhances feature extraction capability, improving the segmentation accuracy and smoothness of the liver boundary. Zhou et al. [18] improved the jump connection layer of UNet and built a multi-scale UNet network (UNet++) by connecting the jump connections of all layers. Its advantage is that it can extract and integrate features of different scales by superposition. Yang et al. [19] applied UNet++ to liver and tumor segmentation of CT images, and introduced residual structure into the network, effectively solving the problem of gradient dispersion or disappearance in the process of model training. UNet and its variant network [20–24] have been proposed continuously. Based on the above discussion, UNet and its variant network is a high-performance deep learning network that is widely used in medical image segmentation.
However, despite the success of these networks, the local nature of the receptive field in the convolutional layer still limits their learning ability to a relatively small area, which can seriously affect the segmentation performance. Based on this, the dilated convolution used in this work can expand the receptive field of the network to obtain richer local and global context information and improve the segmentation accuracy of the network.
2.2 Multi-scale feature fusion
In the task of image segmentation, feature fusion at different scales is an essential method to improve segmentation performance [25–29], and feature fusion can compensate for the lack of pixel values. The low-level features have high spatial resolution and contain more spatial and detailed information, but they have less semantic information and more background noise. The high-level features have stronger semantic information, but they have low spatial resolution and poor perception of detail. Zhao et al. [30] put forward PSPNet, which achieves the prediction effect by fusing different feature layers through pyramid pooling module. Chen et al. [31] proposed that deeplab and its variants use hole convolution with different expansion rates to design ASPP module and fuse multiple feature maps to learn multi-scale features. ASPP aims to enhance the perception of convolutional neural networks for different scales and different semantic information while maintaining resolution. In this article, two multi branch modules, SPCB and SPPB, are designed to fuse multi-scale information to extract features, and attention mechanism is introduced to further improve the network’s feature learning ability for edge and whole tumors.
2.3 Attention mechanism
Attention mechanism [32,33,34] is an improved neural network technique proposed in recent years, which has obtained excellent results in the field of image segmentation. The role of the attention mechanism is to make the model focus on more useful semantic information and ignore useless information in order to obtain more global context information, which greatly enriches the representational ability of the neural network. By learning a set of weights, the features of different scales are weighted to improve the response of important features. Dual attention network (DANet) is an attention mechanism proposed by Nanjing University in 2019. It aims to use the attention mechanisms to enhance the perception of feature maps for different locations and different semantic information, and to further improve the performance of semantic segmentation. DANet uses two parallel attention mechanisms to process the feature map, one of which focuses on the correlation between channels, and the other on the correlation between spatial positions. Global context network (GCNet) is a global context attention mechanism proposed by Huawei Noah’s Ark laboratory in 2019, which aims to use global information to enhance the expression ability of local feature maps. GCNet uses the multi-layer global context attention mechanism to process the feature map, respectively, and finally carry out weighted fusion to improve the performance of the model in various computer vision tasks. The advantage of GCNet is that it can take full advantage of global information and does not require additional computation. In addition, GCNet has achieved good performance in many computer vision tasks. For example, GCNet has achieved better results in ImageNet classification tasks. Based on the powerful function of attention mechanism, this study introduces the channel attention mechanism GCT-B0 [35] and coordinate attention (CA) mechanism [28] to improve the network’s segmentation ability for medical images.
3 Methods
3.1 SPA-UNet architecture
SPA-UNet is a high-precision liver tumor segmentation network designed based on the UNet model, which is structured as shown in Figure 1. The network is made up of an encoder and a decoder, and the encoder is composed of five SPCBs and four SPPBs, where SPCB captures the image context information by three parallel 3 × 3 dilated convolutions. SPPB downsamples the image by switching the 3 × 3 convolution and pooling, which is described in detail in Section 3.3. The number next to each module in Figure 1 indicates the number of channels of the current feature map, so the number of channels of the five feature maps after SPCB are 64, 128, 256, 512, and 1,024, and the amount of channels of the 4 feature maps after SPPB are 128, 256, 512, and 1,024 in order, and the amount of channels of the feature map of the input network after the first SPCB rises from 3 to 64.

SPA-UNet architecture.
The decoder consists of four upsampling structures, Upsample, and four RA mechanism modules, RA-Block. Upsample, while using bilinear interpolation to expand the feature map size to recover the image resolution, is spliced with the corresponding feature maps on the coding path to achieve better feature reconstruction results, combining semantic information with different depths and different fineness in different network layers. RA-Block is a residual structure for accurate tumor localization, and this module is introduced in detail in Section 3.4. As can be seen in Figure 1, the amount of channels of the four feature maps that have gone through Upsample are 1,536, 768, 384, and 192, and the amount of channels of the four feature maps that have gone through RA-Block are 512, 256, 128, and 64 in order, and finally the results of liver and liver tumor segmentations are output by 1 × 1 convolution.
3.2 SPCB
To effectively extract multi-scale features from images, we designed the SPCB in the encoder pathway, as shown in Figure 2. In the SPCB component, three parallel dilated convolution sets [36] are utilized with dilation rates of 1, 2, and 4 resulting in respective receptive fields of 3, 5, and 7, which surpasses what can be achieved by standard convolutions. To capture cross-channel information more effectively, the results of the three sets of parallel dilated convolutions are element-wise summed, followed by the Channel Attention Mechanism (GCT-B0). Batch normalization [36] and PReLU activation function [37] are employed to enhance the training process of the network. Furthermore, the SPCB module integrates multiple feature maps instructing the convolutional neural networks to learn multi-scale features capable of enhancing the perception of varying scales and semantic information, while maintaining constant resolution. As a result, the network’s segmentation performance is improved.

SPCB structure.
Assume that the input of SPCB is x(i), where i denotes the pixel points in the feature map, and the outputs are y1(i), y2(i), y3(i) after three parallel null convolutions, and the expressions are as follows:
where r is the dilation rate of the dilated convolution. Since too large a dilation rate for the dilated convolution will lose the image local information and too small a dilation rate will limit the perceptual field size, we set the dilation rates of the three cavity convolutions to r 1 = 1, r 2 = 2, and r 3 = 4.
The three feature maps are then feature added to obtain the output feature map y′, with the following expression:
Finally, the feature map y′ is batch normalized and PReLU is activated to obtain the output feature map y, where the PReLU activation function is given by the following equation:
3.3 SPPB
The SPPB is used for downsampling the feature maps in the encoder pathway to reduce resolution, as shown in Figure 3. It consists of two branches. The first branch uses standard convolution with a stride of two to reduce the size of the feature maps, while the second branch performs max pooling within non-overlapping 2 × 2 windows. Suppose that the input feature maps have

SPPB structure.
3.4 RA-block
In this study, a RA module (RA-Block) is designed in the decoding path [38], the structure of which is shown in Figure 4. The RA-Block mainly contains two 3 × 3 convolutional layers and a 1 × 1 convolutional and CA layer and performs a feature summation operation. It contains two branches, and for the feature map input to RA-Block, two 3 × 3 ordinary convolution operations are performed on the first branch, and 1 × 1 convolution operations are performed first on the second branch, and the resulting feature map is then passed through the CA layer to make the model focus on the region of interest and suppress redundant features, and finally the feature maps of the two branches are feature summed to form a new feature map as output. This residual module accelerates the convergence of the training network and reduces the model degradation, thus effectively avoiding the gradient disappearance problem.

RA-Block structure.
4 Experimental and results analysis
4.1 Dataset and preprocessing
In this study, the LiTS dataset was used to train and evaluate the proposed model. The LiTS dataset contains 131 abdominal contrast CT scans with a total of 58,638 CT slices, with the approximate number of CT slices varying from 42 to 1,026, the size of each slice being 512 × 512, and the slice thickness varying from 0.45 to 6 mm. The liver and tumor regions were manually labeled by specialized physicians as the gold standard for segmentation.
Due to the small proportion of liver tumors visible in CT images, inadequate contrast, and indistinct borders, pre-processing the original CT slice is necessary to enhance tumor segmentation accuracy and image clarity. First, in order to increase the contrast of liver tissue and exclude the interference of other organs, the window width and window position of CT images are set to 200 and 60 Hu, respectively, in this study. Then, the CT slices without liver labels are removed because the dataset contains images of multiple organs of the abdomen, but only the liver and liver tumors are segmented in this study. After the dataset was preprocessed, the count of CT image slices per patient varied from 28 to 312, as a result, there exists an aggregate of 19,211 CT slices each measuring 512 × 512 in size, and randomly divided into 15,367 slices for the training set and 1,922 slices each for the validation and test sets. Some sample examples are shown in Figure 5.

Example of experimental dataset. (a) Abdominal CT image and (b) ground truth for liver tumor segmentation.
4.2 Evaluation metrics
To validate the effectiveness of the proposed model in this study, commonly used medical image evaluation metrics including Intersection over Union (IoU), Precision, and Recall were employed. The formulas for these metrics are as follows:
The term True positive “TP” corresponds to accurately predicted positive samples. These positive samples correspond to areas where the predicted output overlaps with manually annotated ground truth data. False positive (FP) represents the incorrectly predicted positive samples, which are the regions predicted as positive but not present in the ground truth; False negative (FN) represents the incorrectly predicted negative samples, which are the regions present in the ground truth but not predicted as positive. The values of these three metrics range from 0 to 1, where a value closer to 1 indicates a better segmentation performance, as it indicates a closer resemblance between the predicted results and the ground truth.
4.3 Experimental setup
The experimental configuration comprises a single Tesla V100 GPU loaded with 32 gigabytes of dedicated video memory. Additionally, it features a high-performance Gold Intel processor consisting of 24 cores. The software environment used was Ubuntu 16.04, Python 3.7.4, and the deep learning framework used was PaddlePaddle 2.4.0 with GCC version 7.3.0. The experimental parameters are listed in the table. Data augmentation techniques, including random scaling, random horizontal flipping, random padding and cropping, and random distortion, were applied during the network training process to enhance the model’s robustness. (Table 1)
Experimental parameters
Parameter name | Parameter selection |
---|---|
Optimizer | SGD |
Learning rate | 0.01 |
Weight delay | 4 × 10−5 |
Momentum | 0.9 |
Batch size | 4 |
Epoch | 50 |
Loss | Cross-entropy |
4.4 Comparative experiments
4.4.1 Liver image segmentation
To demonstrate the segmentation performance of the proposed SPA-UNet model, we compared it with several state-of-the-art models, including UNet, TopFormer [39], SegFormer_B0 [40], BiSeNet V2 [41], FCN, OCRNet [42], Deeplabv3, UNet++, Attention UNet, ESPNet [43], PSPNet, etc. The performance of these different networks in liver segmentation based on the three evaluation metrics is shown in Table 2.
Performance comparison of quantitative metrics for liver segmentation with different networks
Model | IoU | Precision | Recall |
---|---|---|---|
UNet | 0.943 | 0.961 | 0.966 |
TopFormer | 0.903 | 0.943 | 0.956 |
SegFormer_B0 | 0.943 | 0.969 | 0.973 |
BiSeNetV2 | 0.932 | 0.963 | 0.967 |
FCN | 0.955 | 0.978 | 0.972 |
OCRNet | 0.874 | 0.921 | 0.944 |
Deeplabv3 | 0.955 | 0.977 | 0.977 |
UNet++ | 0.942 | 0.966 | 0.971 |
Attention UNet | 0.952 | 0.971 | 0.977 |
ESPNet | 0.925 | 0.961 | 0.961 |
PSPNet | 0.955 | 0.979 | 0.975 |
Ours | 0.953 | 0.974 | 0.978 |
According to the results shown in Table 2, it can be seen that the proposed SPA-UNet model exhibits superior performance compared to the original UNet model in terms of evaluation metrics. Specifically, SPA-UNet achieves an improvement of 1.0, 1.3, and 1.2% for IoU, Precision, and Recall, respectively, when compared to the original UNet model. Furthermore, compared to OCRNet, SPA-UNet shows improvements of 7.9, 5.3, and 3.4% in IoU, Precision, and Recall, respectively. However, FCN, Deeplabv3, and PSPNet slightly outperform SPA-UNet in certain metrics, as these three models have been pretrained with pretrained weights, while SPA-UNet is trained from scratch. Overall, the proposed SPA-UNet method demonstrates superior performance compared to other networks in liver segmentation task, achieving higher accuracy.
4.4.2 Liver tumor segmentation
Table 3 displays the performance results of various neural network architectures for liver tumor segmentation, assessed using the three evaluation metrics.
Performance comparison of quantitative metrics for liver tumor segmentation with different networks
Model | IoU | Precision | Recall |
---|---|---|---|
UNet | 0.806 | 0.885 | 0.889 |
TopFormer | 0.662 | 0.805 | 0.787 |
SegFormer_B0 | 0.792 | 0.884 | 0.883 |
BiSeNetV2 | 0.751 | 0.875 | 0.841 |
FCN | 0.818 | 0.896 | 0.903 |
OCRNet | 0.732 | 0.859 | 0.832 |
Deeplabv3 | 0.832 | 0.910 | 0.906 |
UNet++ | 0.796 | 0.883 | 0.890 |
Attention UNet | 0.821 | 0.908 | 0.896 |
ESPNet | 0.774 | 0.874 | 0.820 |
PSPNet | 0.827 | 0.903 | 0.907 |
Ours | 0.826 | 0.902 | 0.907 |
From Table 3, we can see that the model proposed in this work improves 2.0, 1.7, and 1.8% in IoU, Precision, and Recall indexes, respectively, relative to the original UNet, and 14.4, 8.0, and 10.2%, respectively, relative to TopFormer. This result proves the effectiveness of the proposed module, indicating that fusing multi-scale features and increasing the perceptual field of the network is beneficial to the extraction of fine details of boundaries and deeper small structure features. This improves the model’s ability to learn features, while the attention mechanism used in this study allows the model to focus on more effective features and to suppress irrelevant features, resulting in overall better performance on the LiTS task than other networks, and the segmentation of tumors is more accurate, which is an essential reference for the diagnosis of liver cancer.
4.5 Results visualization
To compare the segmentation power of the proposed model with that of other networks such as UNet, UNet++, and SegFormer_B0, Figure 6 illustrates visualized segmentation results for liver tumor segmentation tasks. The first column displays preprocessed abdominal CT slice images, the second column presents corresponding liver tumor segmentation ground truth labels, and the subsequent four columns illustrate the predicted segmentation outcomes by utilizing UNet, UNet++, SegFormer_B0, and our proposed model, respectively. In these images, red regions denote liver segments while yellow regions indicate tumor segments.
Figure 6 indicates that our proposed method generates segmentation results that are more similar to the ground truth compared to other networks such as UNet and UNet++. Compared to these models, our method delivers smoother liver edge segmentation, and for tumor segmentation, it can accurately identify both large and small tumors, effectively addressing issues of under-segmentation and over-segmentation. This improved performance can be attributed to the introduction of residual modules in SPA-UNet, which helps to capture fine details at the edges during the segmentation process. The adoption of dilated convolutions in the network also enables the extraction of rich features, including high-resolution liver edges and complete tumor information. Additionally, the channel attention mechanism and CA mechanism capture important feature information in both spatial and channel dimensions, resulting in more accurate segmentation of liver tumors.

Visual comparison of liver tumor segmentation results with different networks.
4.6 Ablation experiments
4.6.1 Impact of different dilation rates in SPCB
As observed from Tables 4 and 5, using three different dilation rates of 1, 2, and 4 in the atrous convolutions in the SPCB improves the segmentation performance of the model. Lower or higher dilation rates result in decreased segmentation accuracy. A smaller dilation rate may cause the network to overly focus on local details while neglecting contextual information at larger scales, whereas a larger dilation rate may lead to the loss of regional information. Therefore, in this study, we designed the SPCB with three different dilation rates of 1, 2, and 4.
Impact of different dilated rates on liver segmentation
Dilation | IoU | Precision | Recall |
---|---|---|---|
(1,2,2) | 0.952 | 0.975 | 0.976 |
(2,2,4) | 0.952 | 0.975 | 0.976 |
(2,4,4) | 0.952 | 0.974 | 0.976 |
(1,2,4) | 0.953 | 0.974 | 0.978 |
Impact of different dilated rates on tumor segmentation
Dilation | IoU | Precision | Recall |
---|---|---|---|
(1,2,2) | 0.823 | 0.900 | 0.906 |
(2,2,4) | 0.824 | 0.908 | 0.899 |
(2,4,4) | 0.824 | 0.907 | 0.899 |
(1,2,4) | 0.826 | 0.902 | 0.907 |
4.6.2 Impact of channel attention mechanism in SPCB.
As per Tables 6 and 7, it is evident that SPCB with GCT-B0 demonstrated higher performance metrics compared to the model without GCT-B0. Specifically, the IoU metric showed improvements of 0.2 and 0.3%, and the Recall metric showed improvements of 0.1 and 1.2%, respectively. However, the Precision metric showed a decrease when using SPCB with GCT-B0. This is because Recall and Precision are mutually influenced, and a higher Recall rate can result in lower Precision. Therefore, this study embeds GCT-B0 in the SPCB to better improve the regulation of the feature channels in the encoder part of the model.
Impact of channel attention mechanism on liver segmentation
Attention | IoU | Precision | Recall |
---|---|---|---|
NULL | 0.951 | 0.973 | 0.977 |
GCT-B0 | 0.953 | 0.974 | 0.978 |
Impact of channel attention mechanism on tumor segmentation
Attention | IoU | Precision | Recall |
---|---|---|---|
NULL | 0.823 | 0.910 | 0.895 |
GCT-B0 | 0.826 | 0.902 | 0.907 |
4.6.3 Impact of each branch in SPPB
The SPPB has two branches, and since the pooling operation cannot change the number of channels, this part of the ablation experiment uses a convolution with a stride of two for the downsampling operation. According to the experimental results, it can be seen that the downsampling effect of the spliced convolutional and pooling layers is better and can reduce the loss caused by downsampling. Because the convolution with a step size of two expands the receptive field while performing downsampling, better feature reconstruction results are achieved. (Tables 8 and 9)
Impact of each branch on liver segmentation
Branch | IoU | Precision | Recall |
---|---|---|---|
Conv | 0.831 | 0.904 | 0.911 |
Conv+pool | 0.953 | 0.974 | 0.978 |
Impact of each branch on tumor segmentation
Branch | IoU | Precision | Recall |
---|---|---|---|
Conv | 0.473 | 0.791 | 0.540 |
Conv+pool | 0.826 | 0.902 | 0.907 |
4.6.4 Impact of CA mechanism in RA-block.
After adding the CA mechanism after the 1 × 1 convolutional layer of the original residual structure, the segmentation performance is improved, highlighting the edge features of large targets and the global features of small targets, solving the original UNet information redundancy transfer problem, and improving the IoU index by 0.2 and 0.6% on the liver and the tumor segmentation tasks, respectively, thus adding the CA mechanism to SPA-UNet. (Tables 10 and 11)
Impact of CA mechanism on liver segmentation
Attention | IoU | Precision | Recall |
---|---|---|---|
NULL | 0.951 | 0.974 | 0.976 |
CA | 0.953 | 0.974 | 0.978 |
Impact of CA mechanism on tumor segmentation
Attention | IoU | Precision | Recall |
---|---|---|---|
NULL | 0.820 | 0.908 | 0.895 |
CA | 0.826 | 0.902 | 0.907 |
5 Conclusion
This work proposes a liver tumor segmentation network based on the fusion of attention mechanism and multi-scale features. SPCB and SPPB are designed on the coding path to extract the multi-scale features of the image, capture the context information, and introduce the channel attention mechanism GCT into SPCB_B0 to enable the model to capture the important characteristic information of spatial dimension and channel dimension. The RA module is introduced into the decoding path to speed up the network’s convergence speed, focus the model on the region of interest, and suppress redundant features. The experimental results show that, compared with UNet and other advanced medical image segmentation networks, the overall performance of this method is better than other networks, and it has achieved good results in the task of liver tumor segmentation, and has strong robustness. However, in practical application, there are problems such as large workload of labeling samples, high cost of network calculation, and difficult training. In the next work, we will develop a lighter network model and maintain the accuracy of the segmentation, so that it can be better exploited for the adjunctive liver cancer diagnosis or in other clinical scenarios.
-
Funding information: National Natural Science Foundation of China Regional Project: 61966007; and Guangxi Natural Science Foundation for the surface project: 2022GXNSFAA035629.
-
Author contributions: W.L.: conceptualization, methodology, investigation, and writing – original draft; M.J.: validation and formal analysis; C.Y.: visualization and data curation; Y.Y.: resources and supervision; Z.L.: software and writing – original draft; and W.Z.: funding acquisition and writing – review and editing.
-
Conflict of interest: Authors state no conflict of interest.
-
Data availability statement: The datasets generated during and/or analyzed during the current study are available from the corresponding author on reasonable request.
References
[1] Zhang S, Sun K, Zheng R, Zeng H, Wang S, Chen R, et al. Cancer incidence and mortality in China, 2015. J Natl Cancer Cent. 2021;1(1):2–11.10.1016/j.jncc.2020.12.001Search in Google Scholar
[2] Sethi G, Saini BS, Singh D. Segmentation of cancerous regions in liver using an edge-based and phase congruent region enhancement method. Comput Electr Eng. 2016;53:244–62.10.1016/j.compeleceng.2015.06.025Search in Google Scholar
[3] Zhang Y, Peng J, Liu G, Jiang JG, Zhao Y. Research on the segmentation method of prostate magnetic resonance image based on level set. Chin J Sci Instrum. 2017;38(2):416–24.Search in Google Scholar
[4] Patil S, Udupi V, Patole D. A robust system for segmentation of primary liver tumor in CT images. Int J Comput Appl. 2013;75(13):6–10.10.5120/13169-0708Search in Google Scholar
[5] Baoquan X, Tonghui L. Based on 3d convolution network of the liver and liver segmentation algorithm research. Comput Meas Control. 2019;27(9):199–203. 10.16526/j.carol carroll nki.11-4762/tp 2019.09.042.Search in Google Scholar
[6] Meyan L, Qianyue W, Wei D. Research progress of automatic segmentation of liver cancer lesions based on computed tomography image. J Biomed Eng. 2018;35(3):481–7 + 492.Search in Google Scholar
[7] Kushnure DT, Talbar SN. MS-UNet: A multi-scale UNet with feature recalibration approach for automatic liver and tumor segmentation in CT images. Comput Med Imaging Graph. 2021;89:101885.10.1016/j.compmedimag.2021.101885Search in Google Scholar PubMed
[8] Wardhana G, Naghibi H, Sirmacek B, Abayazid M. Toward reliable automatic liver and tumor segmentation using convolutional neural network based on 2.5D models. Int J Comput Assist Radiol Surg. 2020;16(12):41–51.10.1007/s11548-020-02292-ySearch in Google Scholar PubMed PubMed Central
[9] Hong Y, Mao X, Hui Q, Ouyang X, Peng Z, Kong D. Automatic liver and tumor segmentation based on deep learning and globally optimized refinement. Appl Math-A J Chin Univ. 2021;36(2):304–16.10.1007/s11766-021-4376-3Search in Google Scholar
[10] Budak Ü, Guo Y, Tanyildizi E, Şengür A. Cascaded deep convolutional encoder-decoder neural networks for efficient liver tumor segmentation. Med hypotheses. 2020;134:109431.10.1016/j.mehy.2019.109431Search in Google Scholar PubMed
[11] Fan T, Wang G, Li Y, Wang H. MA-Net: A multi-scale attention network for liver and tumor segmentation. IEEE Access. 2020;8:179656–65.10.1109/ACCESS.2020.3025372Search in Google Scholar
[12] Li X, Chen H, Qi X, Dou Q, Fu CW, Heng PA. H-DenseUNet:Hybrid densely connected UNet for liver and tumor senmentation from CT volumes. IEEE Trans Med Imaging. 2018;37(12):2663–74.10.1109/TMI.2018.2845918Search in Google Scholar PubMed
[13] Long J, Shelhamer E, Darrell T. Fully convolutional networks for semantic segmentation. 2015 IEEE conference on Computer Vision and Pattern Recognition (CVPR), Boston, June 7–12, 2015. New York: IEEE Press; 2015. p. 3431–40.10.1109/CVPR.2015.7298965Search in Google Scholar
[14] Ronneberger O, Fischer P, Brox T. U-net: Convolutional networks for biomedical image segmentation. 2015 International Conference on Medical image computing and computer-assisted intervention, Munich,October 5–9, 2015. Cham: Springer; 2015. p. 234–41.10.1007/978-3-319-24574-4_28Search in Google Scholar
[15] Li S, Tso G, He K. Bottleneck feature supervised U-Net for pixel-wise liver and tumor Segmentation. Expert Syst Appl. 2019;145:113131.10.1016/j.eswa.2019.113131Search in Google Scholar
[16] Schlemper J, Oktay O, Schaap M, Heinrich M, Kainz B, Glocker B, et al. Attention gated networks: Learning to leverage salient regions in medical images. Med Image Anal. 2019;53:197–207.10.1016/j.media.2019.01.012Search in Google Scholar PubMed PubMed Central
[17] Lei T, Wang R, Zhang Y, Wan Y, Liu C, Nandi AK. Defed-net: Deformable encoder-decoder network for liver and liver tumor segmentation. IEEE Trans Radiat Plasma Med Sci. 2021;6(1):68–78.10.1109/TRPMS.2021.3059780Search in Google Scholar
[18] Zhou Z, Siddiquee MMR, Tajbakhsh N, Liang J. UNet++: A nested U-Net architecture for medical image segmentation. Deep Learn Med Image Anal Multimodal Learn Clin Decis Support. 2018;11045:3–11.10.1007/978-3-030-00889-5_1Search in Google Scholar PubMed PubMed Central
[19] He F, Zhang G, Yang H, Jiang Z. Multi-scale attention module U-Net liver tumour segmentation method. J Phys: Conf Ser. 2020;1678(1):012107.10.1088/1742-6596/1678/1/012107Search in Google Scholar
[20] Zhang Z, Liu Q, Wang Y. Road extraction by deep residual U-Net. IEEE Geosci Remote Sens Lett. 2018;15(5):749–53.10.1109/LGRS.2018.2802944Search in Google Scholar
[21] Seo H, Huang C, Bassenne M, Xiao R, Xing L. Modified U-Net (mU-Net) with incorporation of object-dependent high level features for improved liver and liver-tumor segmentation in CT images. IEEE Trans Med Imaging. 2019;39(5):1316–25.10.1109/TMI.2019.2948320Search in Google Scholar PubMed PubMed Central
[22] Tran ST, Cheng CH, Liu DG. A multiple layer U-Net, Un-Net, for liver and liver tumor segmentation in CT. IEEE Access. 2020;9:3752–64.10.1109/ACCESS.2020.3047861Search in Google Scholar
[23] Xiangfen Z, Yan L, Feiniu Y. 3D medical image segmentation based on inverted pyramid deep learning network [J/OL]. Comput Eng. 2022;48:1–11. 10.19678/j.issn.1000-3428.0063687.Search in Google Scholar
[24] Xi XF, Wang L, Sheng VS, Cui Z, Fu B, Hu F. Cascade U-ResNets for simultaneous liver and lesion segmentation. IEEE Access. 2020;8:68944–52.10.1109/ACCESS.2020.2985671Search in Google Scholar
[25] Romera E, Alvarez JM, Bergasa LM, Arroyo R. ERFNet: Efficient residual factorized ConvNet for real-time semantic segmentation. IEEE Trans Intell Transp Syst. 2017;19(1):263–72.10.1109/TITS.2017.2750080Search in Google Scholar
[26] Wang Y, Zhou Q, Liu J. LEDNet: A lightweight encoder-decoder network for real-time semantic segmentation. IEEE International Conference on Image Processing (ICIP). New York, NY: IEEE Press; 2019. p. 1860–4.10.1109/ICIP.2019.8803154Search in Google Scholar
[27] Howard AG, Zhu M, Chen B, Kalenichenko D, Wang W, Weyand T, et al. MobileNets: Efficient convolutional neural networks for mobile vision applications. 2017. http://arxiv.org/abs/1704.04861.Search in Google Scholar
[28] Hou Q, Zhou D, Feng J. Coordinate attention for efficient mobile network design. arXiv:2103.02907.2021.Search in Google Scholar
[29] Yu F, Koltun V. Multi scale context aggregation by dilated convolutions. Proceedings of the 4th International Conference on Learing Representations(ICLR). In ICLR; 2016.Search in Google Scholar
[30] Zhao H, Shi J, Qi X, Wang X, Jia J. Pyramid scene parsing network. 2017 IEEE conference on Computer Vision and Pattern Recognition (CVPR) (2016). pp. 6230–6239.10.1109/CVPR.2017.660Search in Google Scholar
[31] Chen LC, Papandreou G, Schroff F. Rethinking atrous convolution for segmantic image segmentation [EB/OL].(2017-06-17)[-2021-02-10]. https://arxiv.org/abs/1706.05587.Search in Google Scholar
[32] Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez AN, et al. Attention is all you need. Adv Neural Inf Process. 2017. http://arxiv.org/abs/1706.03762.Search in Google Scholar
[33] Hu J, Shen L, Sun G. Squeeze and excitation networks. 2018 IEEE conference on Computer Vision and Pattern Recognition (CVPR). In CVPR; 2018.10.1109/CVPR.2018.00745Search in Google Scholar
[34] Woo S, Park J, Lee JY. CBAM: Convolutional Block Attention Module. 2018 15th European Conference on Computer Vision (ECCV), Munich, September 8–14, 2018. Cham: Springer; 2018. p. 801–18.10.1007/978-3-030-01234-2_1Search in Google Scholar
[35] Ruan D, Wang D, Zheng Y. Gaussian Context Transformer. 2021 IEEE/CVF conference on Computer Vision and Pattern Recognition(CVPR). In CVPR; 2021.10.1109/CVPR46437.2021.01488Search in Google Scholar
[36] Ioffe S, Szegedy C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. Proceedings of International Conference on Machine Learning. Lille, France: 2015. p. 448–56.Search in Google Scholar
[37] Iie K, Zhang X, Ren S. Delving deep into rectifiers: Surpassing human-level performance on ImageNet classification. Proceeedings of International Conference on Computer Vision. Santiago, Chile: 2015. p. 1026–34.Search in Google Scholar
[38] He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. 2016 IEEE conference on Computer Vision and Pattern Recognition (CVPR). In CVPR; 2016.10.1109/CVPR.2016.90Search in Google Scholar
[39] Zhang W, Huang Z, Luo G. TopFormer: Token pyramid transformer for mobile semantic segmentation. 2022 IEEE conference on Computer Vision and Pattern Recognition (CVPR). In CVPR; 2022.10.1109/CVPR52688.2022.01177Search in Google Scholar
[40] Xie E, Wang W, Yu Z, Anandkumar A, Álvarez J, Luo P. SegFormer: simple and efficient design for semantic segmentation with transformers. arXiv,abs/2105.15203.Search in Google Scholar
[41] Yu C, Gao C, Wang J, Yu G, Shen C, Sang N. BiSeNet V2: Bilateral network with guided aggregation for real-time semantic segmentation. Int J Comput Vis. 2021;129(11):3051–68.10.1007/s11263-021-01515-2Search in Google Scholar
[42] Yuan Y, Chen X, Chen X, Wang J. Segmentation transformer: Object-contextual representations for semantic segmentation. 2021 IEEE European Conference on Computer Vision(ECCV). In ECCV; 2021.10.1007/978-3-030-58539-6_11Search in Google Scholar
[43] Mehta S, Rastegari M, Shapiro L, Hajishirzi H. ESPNetv2: A Light-weight, Power Efficient, and General Purpose Convolution Neural Network. 2019 IEEE conference on Computer Vision and Pattern Recognition (CVPR). In CVPR; 2019. p. 9182–92.10.1109/CVPR.2019.00941Search in Google Scholar
© 2023 the author(s), published by De Gruyter
This work is licensed under the Creative Commons Attribution 4.0 International License.
Articles in the same Issue
- Biomedical Sciences
- Systemic investigation of inetetamab in combination with small molecules to treat HER2-overexpressing breast and gastric cancers
- Immunosuppressive treatment for idiopathic membranous nephropathy: An updated network meta-analysis
- Identifying two pathogenic variants in a patient with pigmented paravenous retinochoroidal atrophy
- Effects of phytoestrogens combined with cold stress on sperm parameters and testicular proteomics in rats
- A case of pulmonary embolism with bad warfarin anticoagulant effects caused by E. coli infection
- Neutrophilia with subclinical Cushing’s disease: A case report and literature review
- Isoimperatorin alleviates lipopolysaccharide-induced periodontitis by downregulating ERK1/2 and NF-κB pathways
- Immunoregulation of synovial macrophages for the treatment of osteoarthritis
- Novel CPLANE1 c.8948dupT (p.P2984Tfs*7) variant in a child patient with Joubert syndrome
- Antiphospholipid antibodies and the risk of thrombosis in myeloproliferative neoplasms
- Immunological responses of septic rats to combination therapy with thymosin α1 and vitamin C
- High glucose and high lipid induced mitochondrial dysfunction in JEG-3 cells through oxidative stress
- Pharmacological inhibition of the ubiquitin-specific protease 8 effectively suppresses glioblastoma cell growth
- Levocarnitine regulates the growth of angiotensin II-induced myocardial fibrosis cells via TIMP-1
- Age-related changes in peripheral T-cell subpopulations in elderly individuals: An observational study
- Single-cell transcription analysis reveals the tumor origin and heterogeneity of human bilateral renal clear cell carcinoma
- Identification of iron metabolism-related genes as diagnostic signatures in sepsis by blood transcriptomic analysis
- Long noncoding RNA ACART knockdown decreases 3T3-L1 preadipocyte proliferation and differentiation
- Surgery, adjuvant immunotherapy plus chemotherapy and radiotherapy for primary malignant melanoma of the parotid gland (PGMM): A case report
- Dosimetry comparison with helical tomotherapy, volumetric modulated arc therapy, and intensity-modulated radiotherapy for grade II gliomas: A single‑institution case series
- Soy isoflavone reduces LPS-induced acute lung injury via increasing aquaporin 1 and aquaporin 5 in rats
- Refractory hypokalemia with sexual dysplasia and infertility caused by 17α-hydroxylase deficiency and triple X syndrome: A case report
- Meta-analysis of cancer risk among end stage renal disease undergoing maintenance dialysis
- 6-Phosphogluconate dehydrogenase inhibition arrests growth and induces apoptosis in gastric cancer via AMPK activation and oxidative stress
- Experimental study on the optimization of ANM33 release in foam cells
- Primary retroperitoneal angiosarcoma: A case report
- Metabolomic analysis-identified 2-hydroxybutyric acid might be a key metabolite of severe preeclampsia
- Malignant pleural effusion diagnosis and therapy
- Effect of spaceflight on the phenotype and proteome of Escherichia coli
- Comparison of immunotherapy combined with stereotactic radiotherapy and targeted therapy for patients with brain metastases: A systemic review and meta-analysis
- Activation of hypermethylated P2RY1 mitigates gastric cancer by promoting apoptosis and inhibiting proliferation
- Association between the VEGFR-2 -604T/C polymorphism (rs2071559) and type 2 diabetic retinopathy
- The role of IL-31 and IL-34 in the diagnosis and treatment of chronic periodontitis
- Triple-negative mouse breast cancer initiating cells show high expression of beta1 integrin and increased malignant features
- mNGS facilitates the accurate diagnosis and antibiotic treatment of suspicious critical CNS infection in real practice: A retrospective study
- The apatinib and pemetrexed combination has antitumor and antiangiogenic effects against NSCLC
- Radiotherapy for primary thyroid adenoid cystic carcinoma
- Design and functional preliminary investigation of recombinant antigen EgG1Y162–EgG1Y162 against Echinococcus granulosus
- Effects of losartan in patients with NAFLD: A meta-analysis of randomized controlled trial
- Bibliometric analysis of METTL3: Current perspectives, highlights, and trending topics
- Performance comparison of three scaling algorithms in NMR-based metabolomics analysis
- PI3K/AKT/mTOR pathway and its related molecules participate in PROK1 silence-induced anti-tumor effects on pancreatic cancer
- The altered expression of cytoskeletal and synaptic remodeling proteins during epilepsy
- Effects of pegylated recombinant human granulocyte colony-stimulating factor on lymphocytes and white blood cells of patients with malignant tumor
- Prostatitis as initial manifestation of Chlamydia psittaci pneumonia diagnosed by metagenome next-generation sequencing: A case report
- NUDT21 relieves sevoflurane-induced neurological damage in rats by down-regulating LIMK2
- Association of interleukin-10 rs1800896, rs1800872, and interleukin-6 rs1800795 polymorphisms with squamous cell carcinoma risk: A meta-analysis
- Exosomal HBV-DNA for diagnosis and treatment monitoring of chronic hepatitis B
- Shear stress leads to the dysfunction of endothelial cells through the Cav-1-mediated KLF2/eNOS/ERK signaling pathway under physiological conditions
- Interaction between the PI3K/AKT pathway and mitochondrial autophagy in macrophages and the leukocyte count in rats with LPS-induced pulmonary infection
- Meta-analysis of the rs231775 locus polymorphism in the CTLA-4 gene and the susceptibility to Graves’ disease in children
- Cloning, subcellular localization and expression of phosphate transporter gene HvPT6 of hulless barley
- Coptisine mitigates diabetic nephropathy via repressing the NRLP3 inflammasome
- Significant elevated CXCL14 and decreased IL-39 levels in patients with tuberculosis
- Whole-exome sequencing applications in prenatal diagnosis of fetal bowel dilatation
- Gemella morbillorum infective endocarditis: A case report and literature review
- An unusual ectopic thymoma clonal evolution analysis: A case report
- Severe cumulative skin toxicity during toripalimab combined with vemurafenib following toripalimab alone
- Detection of V. vulnificus septic shock with ARDS using mNGS
- Novel rare genetic variants of familial and sporadic pulmonary atresia identified by whole-exome sequencing
- The influence and mechanistic action of sperm DNA fragmentation index on the outcomes of assisted reproduction technology
- Novel compound heterozygous mutations in TELO2 in an infant with You-Hoover-Fong syndrome: A case report and literature review
- ctDNA as a prognostic biomarker in resectable CLM: Systematic review and meta-analysis
- Diagnosis of primary amoebic meningoencephalitis by metagenomic next-generation sequencing: A case report
- Phylogenetic analysis of promoter regions of human Dolichol kinase (DOLK) and orthologous genes using bioinformatics tools
- Collagen changes in rabbit conjunctiva after conjunctival crosslinking
- Effects of NM23 transfection of human gastric carcinoma cells in mice
- Oral nifedipine and phytosterol, intravenous nicardipine, and oral nifedipine only: Three-arm, retrospective, cohort study for management of severe preeclampsia
- Case report of hepatic retiform hemangioendothelioma: A rare tumor treated with ultrasound-guided microwave ablation
- Curcumin induces apoptosis in human hepatocellular carcinoma cells by decreasing the expression of STAT3/VEGF/HIF-1α signaling
- Rare presentation of double-clonal Waldenström macroglobulinemia with pulmonary embolism: A case report
- Giant duplication of the transverse colon in an adult: A case report and literature review
- Ectopic thyroid tissue in the breast: A case report
- SDR16C5 promotes proliferation and migration and inhibits apoptosis in pancreatic cancer
- Vaginal metastasis from breast cancer: A case report
- Screening of the best time window for MSC transplantation to treat acute myocardial infarction with SDF-1α antibody-loaded targeted ultrasonic microbubbles: An in vivo study in miniswine
- Inhibition of TAZ impairs the migration ability of melanoma cells
- Molecular complexity analysis of the diagnosis of Gitelman syndrome in China
- Effects of maternal calcium and protein intake on the development and bone metabolism of offspring mice
- Identification of winter wheat pests and diseases based on improved convolutional neural network
- Ultra-multiplex PCR technique to guide treatment of Aspergillus-infected aortic valve prostheses
- Virtual high-throughput screening: Potential inhibitors targeting aminopeptidase N (CD13) and PIKfyve for SARS-CoV-2
- Immune checkpoint inhibitors in cancer patients with COVID-19
- Utility of methylene blue mixed with autologous blood in preoperative localization of pulmonary nodules and masses
- Integrated analysis of the microbiome and transcriptome in stomach adenocarcinoma
- Berberine suppressed sarcopenia insulin resistance through SIRT1-mediated mitophagy
- DUSP2 inhibits the progression of lupus nephritis in mice by regulating the STAT3 pathway
- Lung abscess by Fusobacterium nucleatum and Streptococcus spp. co-infection by mNGS: A case series
- Genetic alterations of KRAS and TP53 in intrahepatic cholangiocarcinoma associated with poor prognosis
- Granulomatous polyangiitis involving the fourth ventricle: Report of a rare case and a literature review
- Studying infant mortality: A demographic analysis based on data mining models
- Metaplastic breast carcinoma with osseous differentiation: A report of a rare case and literature review
- Protein Z modulates the metastasis of lung adenocarcinoma cells
- Inhibition of pyroptosis and apoptosis by capsaicin protects against LPS-induced acute kidney injury through TRPV1/UCP2 axis in vitro
- TAK-242, a toll-like receptor 4 antagonist, against brain injury by alleviates autophagy and inflammation in rats
- Primary mediastinum Ewing’s sarcoma with pleural effusion: A case report and literature review
- Association of ADRB2 gene polymorphisms and intestinal microbiota in Chinese Han adolescents
- Tanshinone IIA alleviates chondrocyte apoptosis and extracellular matrix degeneration by inhibiting ferroptosis
- Study on the cytokines related to SARS-Cov-2 in testicular cells and the interaction network between cells based on scRNA-seq data
- Effect of periostin on bone metabolic and autophagy factors during tooth eruption in mice
- HP1 induces ferroptosis of renal tubular epithelial cells through NRF2 pathway in diabetic nephropathy
- Intravaginal estrogen management in postmenopausal patients with vaginal squamous intraepithelial lesions along with CO2 laser ablation: A retrospective study
- Hepatocellular carcinoma cell differentiation trajectory predicts immunotherapy, potential therapeutic drugs, and prognosis of patients
- Effects of physical exercise on biomarkers of oxidative stress in healthy subjects: A meta-analysis of randomized controlled trials
- Identification of lysosome-related genes in connection with prognosis and immune cell infiltration for drug candidates in head and neck cancer
- Development of an instrument-free and low-cost ELISA dot-blot test to detect antibodies against SARS-CoV-2
- Research progress on gas signal molecular therapy for Parkinson’s disease
- Adiponectin inhibits TGF-β1-induced skin fibroblast proliferation and phenotype transformation via the p38 MAPK signaling pathway
- The G protein-coupled receptor-related gene signatures for predicting prognosis and immunotherapy response in bladder urothelial carcinoma
- α-Fetoprotein contributes to the malignant biological properties of AFP-producing gastric cancer
- CXCL12/CXCR4/CXCR7 axis in placenta tissues of patients with placenta previa
- Association between thyroid stimulating hormone levels and papillary thyroid cancer risk: A meta-analysis
- Significance of sTREM-1 and sST2 combined diagnosis for sepsis detection and prognosis prediction
- Diagnostic value of serum neuroactive substances in the acute exacerbation of chronic obstructive pulmonary disease complicated with depression
- Research progress of AMP-activated protein kinase and cardiac aging
- TRIM29 knockdown prevented the colon cancer progression through decreasing the ubiquitination levels of KRT5
- Cross-talk between gut microbiota and liver steatosis: Complications and therapeutic target
- Metastasis from small cell lung cancer to ovary: A case report
- The early diagnosis and pathogenic mechanisms of sepsis-related acute kidney injury
- The effect of NK cell therapy on sepsis secondary to lung cancer: A case report
- Erianin alleviates collagen-induced arthritis in mice by inhibiting Th17 cell differentiation
- Loss of ACOX1 in clear cell renal cell carcinoma and its correlation with clinical features
- Signalling pathways in the osteogenic differentiation of periodontal ligament stem cells
- Crosstalk between lactic acid and immune regulation and its value in the diagnosis and treatment of liver failure
- Clinicopathological features and differential diagnosis of gastric pleomorphic giant cell carcinoma
- Traumatic brain injury and rTMS-ERPs: Case report and literature review
- Extracellular fibrin promotes non-small cell lung cancer progression through integrin β1/PTEN/AKT signaling
- Knockdown of DLK4 inhibits non-small cell lung cancer tumor growth by downregulating CKS2
- The co-expression pattern of VEGFR-2 with indicators related to proliferation, apoptosis, and differentiation of anagen hair follicles
- Inflammation-related signaling pathways in tendinopathy
- CD4+ T cell count in HIV/TB co-infection and co-occurrence with HL: Case report and literature review
- Clinical analysis of severe Chlamydia psittaci pneumonia: Case series study
- Bioinformatics analysis to identify potential biomarkers for the pulmonary artery hypertension associated with the basement membrane
- Influence of MTHFR polymorphism, alone or in combination with smoking and alcohol consumption, on cancer susceptibility
- Catharanthus roseus (L.) G. Don counteracts the ampicillin resistance in multiple antibiotic-resistant Staphylococcus aureus by downregulation of PBP2a synthesis
- Combination of a bronchogenic cyst in the thoracic spinal canal with chronic myelocytic leukemia
- Bacterial lipoprotein plays an important role in the macrophage autophagy and apoptosis induced by Salmonella typhimurium and Staphylococcus aureus
- TCL1A+ B cells predict prognosis in triple-negative breast cancer through integrative analysis of single-cell and bulk transcriptomic data
- Ezrin promotes esophageal squamous cell carcinoma progression via the Hippo signaling pathway
- Ferroptosis: A potential target of macrophages in plaque vulnerability
- Predicting pediatric Crohn's disease based on six mRNA-constructed risk signature using comprehensive bioinformatic approaches
- Applications of genetic code expansion and photosensitive UAAs in studying membrane proteins
- HK2 contributes to the proliferation, migration, and invasion of diffuse large B-cell lymphoma cells by enhancing the ERK1/2 signaling pathway
- IL-17 in osteoarthritis: A narrative review
- Circadian cycle and neuroinflammation
- Probiotic management and inflammatory factors as a novel treatment in cirrhosis: A systematic review and meta-analysis
- Hemorrhagic meningioma with pulmonary metastasis: Case report and literature review
- SPOP regulates the expression profiles and alternative splicing events in human hepatocytes
- Knockdown of SETD5 inhibited glycolysis and tumor growth in gastric cancer cells by down-regulating Akt signaling pathway
- PTX3 promotes IVIG resistance-induced endothelial injury in Kawasaki disease by regulating the NF-κB pathway
- Pancreatic ectopic thyroid tissue: A case report and analysis of literature
- The prognostic impact of body mass index on female breast cancer patients in underdeveloped regions of northern China differs by menopause status and tumor molecular subtype
- Report on a case of liver-originating malignant melanoma of unknown primary
- Case report: Herbal treatment of neutropenic enterocolitis after chemotherapy for breast cancer
- The fibroblast growth factor–Klotho axis at molecular level
- Characterization of amiodarone action on currents in hERG-T618 gain-of-function mutations
- A case report of diagnosis and dynamic monitoring of Listeria monocytogenes meningitis with NGS
- Effect of autologous platelet-rich plasma on new bone formation and viability of a Marburg bone graft
- Small breast epithelial mucin as a useful prognostic marker for breast cancer patients
- Continuous non-adherent culture promotes transdifferentiation of human adipose-derived stem cells into retinal lineage
- Nrf3 alleviates oxidative stress and promotes the survival of colon cancer cells by activating AKT/BCL-2 signal pathway
- Favorable response to surufatinib in a patient with necrolytic migratory erythema: A case report
- Case report of atypical undernutrition of hypoproteinemia type
- Down-regulation of COL1A1 inhibits tumor-associated fibroblast activation and mediates matrix remodeling in the tumor microenvironment of breast cancer
- Sarcoma protein kinase inhibition alleviates liver fibrosis by promoting hepatic stellate cells ferroptosis
- Research progress of serum eosinophil in chronic obstructive pulmonary disease and asthma
- Clinicopathological characteristics of co-existing or mixed colorectal cancer and neuroendocrine tumor: Report of five cases
- Role of menopausal hormone therapy in the prevention of postmenopausal osteoporosis
- Precisional detection of lymph node metastasis using tFCM in colorectal cancer
- Advances in diagnosis and treatment of perimenopausal syndrome
- A study of forensic genetics: ITO index distribution and kinship judgment between two individuals
- Acute lupus pneumonitis resembling miliary tuberculosis: A case-based review
- Plasma levels of CD36 and glutathione as biomarkers for ruptured intracranial aneurysm
- Fractalkine modulates pulmonary angiogenesis and tube formation by modulating CX3CR1 and growth factors in PVECs
- Novel risk prediction models for deep vein thrombosis after thoracotomy and thoracoscopic lung cancer resections, involving coagulation and immune function
- Exploring the diagnostic markers of essential tremor: A study based on machine learning algorithms
- Evaluation of effects of small-incision approach treatment on proximal tibia fracture by deep learning algorithm-based magnetic resonance imaging
- An online diagnosis method for cancer lesions based on intelligent imaging analysis
- Medical imaging in rheumatoid arthritis: A review on deep learning approach
- Predictive analytics in smart healthcare for child mortality prediction using a machine learning approach
- Utility of neutrophil–lymphocyte ratio and platelet–lymphocyte ratio in predicting acute-on-chronic liver failure survival
- A biomedical decision support system for meta-analysis of bilateral upper-limb training in stroke patients with hemiplegia
- TNF-α and IL-8 levels are positively correlated with hypobaric hypoxic pulmonary hypertension and pulmonary vascular remodeling in rats
- Stochastic gradient descent optimisation for convolutional neural network for medical image segmentation
- Comparison of the prognostic value of four different critical illness scores in patients with sepsis-induced coagulopathy
- Application and teaching of computer molecular simulation embedded technology and artificial intelligence in drug research and development
- Hepatobiliary surgery based on intelligent image segmentation technology
- Value of brain injury-related indicators based on neural network in the diagnosis of neonatal hypoxic-ischemic encephalopathy
- Analysis of early diagnosis methods for asymmetric dementia in brain MR images based on genetic medical technology
- Early diagnosis for the onset of peri-implantitis based on artificial neural network
- Clinical significance of the detection of serum IgG4 and IgG4/IgG ratio in patients with thyroid-associated ophthalmopathy
- Forecast of pain degree of lumbar disc herniation based on back propagation neural network
- SPA-UNet: A liver tumor segmentation network based on fused multi-scale features
- Systematic evaluation of clinical efficacy of CYP1B1 gene polymorphism in EGFR mutant non-small cell lung cancer observed by medical image
- Rehabilitation effect of intelligent rehabilitation training system on hemiplegic limb spasms after stroke
- A novel approach for minimising anti-aliasing effects in EEG data acquisition
- ErbB4 promotes M2 activation of macrophages in idiopathic pulmonary fibrosis
- Clinical role of CYP1B1 gene polymorphism in prediction of postoperative chemotherapy efficacy in NSCLC based on individualized health model
- Lung nodule segmentation via semi-residual multi-resolution neural networks
- Evaluation of brain nerve function in ICU patients with Delirium by deep learning algorithm-based resting state MRI
- A data mining technique for detecting malignant mesothelioma cancer using multiple regression analysis
- Markov model combined with MR diffusion tensor imaging for predicting the onset of Alzheimer’s disease
- Effectiveness of the treatment of depression associated with cancer and neuroimaging changes in depression-related brain regions in patients treated with the mediator-deuterium acupuncture method
- Molecular mechanism of colorectal cancer and screening of molecular markers based on bioinformatics analysis
- Monitoring and evaluation of anesthesia depth status data based on neuroscience
- Exploring the conformational dynamics and thermodynamics of EGFR S768I and G719X + S768I mutations in non-small cell lung cancer: An in silico approaches
- Optimised feature selection-driven convolutional neural network using gray level co-occurrence matrix for detection of cervical cancer
- Incidence of different pressure patterns of spinal cerebellar ataxia and analysis of imaging and genetic diagnosis
- Pathogenic bacteria and treatment resistance in older cardiovascular disease patients with lung infection and risk prediction model
- Adoption value of support vector machine algorithm-based computed tomography imaging in the diagnosis of secondary pulmonary fungal infections in patients with malignant hematological disorders
- From slides to insights: Harnessing deep learning for prognostic survival prediction in human colorectal cancer histology
- Ecology and Environmental Science
- Monitoring of hourly carbon dioxide concentration under different land use types in arid ecosystem
- Comparing the differences of prokaryotic microbial community between pit walls and bottom from Chinese liquor revealed by 16S rRNA gene sequencing
- Effects of cadmium stress on fruits germination and growth of two herbage species
- Bamboo charcoal affects soil properties and bacterial community in tea plantations
- Optimization of biogas potential using kinetic models, response surface methodology, and instrumental evidence for biodegradation of tannery fleshings during anaerobic digestion
- Understory vegetation diversity patterns of Platycladus orientalis and Pinus elliottii communities in Central and Southern China
- Studies on macrofungi diversity and discovery of new species of Abortiporus from Baotianman World Biosphere Reserve
- Food Science
- Effect of berrycactus fruit (Myrtillocactus geometrizans) on glutamate, glutamine, and GABA levels in the frontal cortex of rats fed with a high-fat diet
- Guesstimate of thymoquinone diversity in Nigella sativa L. genotypes and elite varieties collected from Indian states using HPTLC technique
- Analysis of bacterial community structure of Fuzhuan tea with different processing techniques
- Untargeted metabolomics reveals sour jujube kernel benefiting the nutritional value and flavor of Morchella esculenta
- Mycobiota in Slovak wine grapes: A case study from the small Carpathians wine region
- Elemental analysis of Fadogia ancylantha leaves used as a nutraceutical in Mashonaland West Province, Zimbabwe
- Microbiological transglutaminase: Biotechnological application in the food industry
- Influence of solvent-free extraction of fish oil from catfish (Clarias magur) heads using a Taguchi orthogonal array design: A qualitative and quantitative approach
- Chromatographic analysis of the chemical composition and anticancer activities of Curcuma longa extract cultivated in Palestine
- The potential for the use of leghemoglobin and plant ferritin as sources of iron
- Investigating the association between dietary patterns and glycemic control among children and adolescents with T1DM
- Bioengineering and Biotechnology
- Biocompatibility and osteointegration capability of β-TCP manufactured by stereolithography 3D printing: In vitro study
- Clinical characteristics and the prognosis of diabetic foot in Tibet: A single center, retrospective study
- Agriculture
- Biofertilizer and NPSB fertilizer application effects on nodulation and productivity of common bean (Phaseolus vulgaris L.) at Sodo Zuria, Southern Ethiopia
- On correlation between canopy vegetation and growth indexes of maize varieties with different nitrogen efficiencies
- Exopolysaccharides from Pseudomonas tolaasii inhibit the growth of Pleurotus ostreatus mycelia
- A transcriptomic evaluation of the mechanism of programmed cell death of the replaceable bud in Chinese chestnut
- Melatonin enhances salt tolerance in sorghum by modulating photosynthetic performance, osmoregulation, antioxidant defense, and ion homeostasis
- Effects of plant density on alfalfa (Medicago sativa L.) seed yield in western Heilongjiang areas
- Identification of rice leaf diseases and deficiency disorders using a novel DeepBatch technique
- Artificial intelligence and internet of things oriented sustainable precision farming: Towards modern agriculture
- Animal Sciences
- Effect of ketogenic diet on exercise tolerance and transcriptome of gastrocnemius in mice
- Combined analysis of mRNA–miRNA from testis tissue in Tibetan sheep with different FecB genotypes
- Isolation, identification, and drug resistance of a partially isolated bacterium from the gill of Siniperca chuatsi
- Tracking behavioral changes of confined sows from the first mating to the third parity
- The sequencing of the key genes and end products in the TLR4 signaling pathway from the kidney of Rana dybowskii exposed to Aeromonas hydrophila
- Development of a new candidate vaccine against piglet diarrhea caused by Escherichia coli
- Plant Sciences
- Crown and diameter structure of pure Pinus massoniana Lamb. forest in Hunan province, China
- Genetic evaluation and germplasm identification analysis on ITS2, trnL-F, and psbA-trnH of alfalfa varieties germplasm resources
- Tissue culture and rapid propagation technology for Gentiana rhodantha
- Effects of cadmium on the synthesis of active ingredients in Salvia miltiorrhiza
- Cloning and expression analysis of VrNAC13 gene in mung bean
- Chlorate-induced molecular floral transition revealed by transcriptomes
- Effects of warming and drought on growth and development of soybean in Hailun region
- Effects of different light conditions on transient expression and biomass in Nicotiana benthamiana leaves
- Comparative analysis of the rhizosphere microbiome and medicinally active ingredients of Atractylodes lancea from different geographical origins
- Distinguish Dianthus species or varieties based on chloroplast genomes
- Comparative transcriptomes reveal molecular mechanisms of apple blossoms of different tolerance genotypes to chilling injury
- Study on fresh processing key technology and quality influence of Cut Ophiopogonis Radix based on multi-index evaluation
- An advanced approach for fig leaf disease detection and classification: Leveraging image processing and enhanced support vector machine methodology
- Erratum
- Erratum to “Protein Z modulates the metastasis of lung adenocarcinoma cells”
- Erratum to “BRCA1 subcellular localization regulated by PI3K signaling pathway in triple-negative breast cancer MDA-MB-231 cells and hormone-sensitive T47D cells”
- Retraction
- Retraction to “Protocatechuic acid attenuates cerebral aneurysm formation and progression by inhibiting TNF-alpha/Nrf-2/NF-kB-mediated inflammatory mechanisms in experimental rats”
Articles in the same Issue
- Biomedical Sciences
- Systemic investigation of inetetamab in combination with small molecules to treat HER2-overexpressing breast and gastric cancers
- Immunosuppressive treatment for idiopathic membranous nephropathy: An updated network meta-analysis
- Identifying two pathogenic variants in a patient with pigmented paravenous retinochoroidal atrophy
- Effects of phytoestrogens combined with cold stress on sperm parameters and testicular proteomics in rats
- A case of pulmonary embolism with bad warfarin anticoagulant effects caused by E. coli infection
- Neutrophilia with subclinical Cushing’s disease: A case report and literature review
- Isoimperatorin alleviates lipopolysaccharide-induced periodontitis by downregulating ERK1/2 and NF-κB pathways
- Immunoregulation of synovial macrophages for the treatment of osteoarthritis
- Novel CPLANE1 c.8948dupT (p.P2984Tfs*7) variant in a child patient with Joubert syndrome
- Antiphospholipid antibodies and the risk of thrombosis in myeloproliferative neoplasms
- Immunological responses of septic rats to combination therapy with thymosin α1 and vitamin C
- High glucose and high lipid induced mitochondrial dysfunction in JEG-3 cells through oxidative stress
- Pharmacological inhibition of the ubiquitin-specific protease 8 effectively suppresses glioblastoma cell growth
- Levocarnitine regulates the growth of angiotensin II-induced myocardial fibrosis cells via TIMP-1
- Age-related changes in peripheral T-cell subpopulations in elderly individuals: An observational study
- Single-cell transcription analysis reveals the tumor origin and heterogeneity of human bilateral renal clear cell carcinoma
- Identification of iron metabolism-related genes as diagnostic signatures in sepsis by blood transcriptomic analysis
- Long noncoding RNA ACART knockdown decreases 3T3-L1 preadipocyte proliferation and differentiation
- Surgery, adjuvant immunotherapy plus chemotherapy and radiotherapy for primary malignant melanoma of the parotid gland (PGMM): A case report
- Dosimetry comparison with helical tomotherapy, volumetric modulated arc therapy, and intensity-modulated radiotherapy for grade II gliomas: A single‑institution case series
- Soy isoflavone reduces LPS-induced acute lung injury via increasing aquaporin 1 and aquaporin 5 in rats
- Refractory hypokalemia with sexual dysplasia and infertility caused by 17α-hydroxylase deficiency and triple X syndrome: A case report
- Meta-analysis of cancer risk among end stage renal disease undergoing maintenance dialysis
- 6-Phosphogluconate dehydrogenase inhibition arrests growth and induces apoptosis in gastric cancer via AMPK activation and oxidative stress
- Experimental study on the optimization of ANM33 release in foam cells
- Primary retroperitoneal angiosarcoma: A case report
- Metabolomic analysis-identified 2-hydroxybutyric acid might be a key metabolite of severe preeclampsia
- Malignant pleural effusion diagnosis and therapy
- Effect of spaceflight on the phenotype and proteome of Escherichia coli
- Comparison of immunotherapy combined with stereotactic radiotherapy and targeted therapy for patients with brain metastases: A systemic review and meta-analysis
- Activation of hypermethylated P2RY1 mitigates gastric cancer by promoting apoptosis and inhibiting proliferation
- Association between the VEGFR-2 -604T/C polymorphism (rs2071559) and type 2 diabetic retinopathy
- The role of IL-31 and IL-34 in the diagnosis and treatment of chronic periodontitis
- Triple-negative mouse breast cancer initiating cells show high expression of beta1 integrin and increased malignant features
- mNGS facilitates the accurate diagnosis and antibiotic treatment of suspicious critical CNS infection in real practice: A retrospective study
- The apatinib and pemetrexed combination has antitumor and antiangiogenic effects against NSCLC
- Radiotherapy for primary thyroid adenoid cystic carcinoma
- Design and functional preliminary investigation of recombinant antigen EgG1Y162–EgG1Y162 against Echinococcus granulosus
- Effects of losartan in patients with NAFLD: A meta-analysis of randomized controlled trial
- Bibliometric analysis of METTL3: Current perspectives, highlights, and trending topics
- Performance comparison of three scaling algorithms in NMR-based metabolomics analysis
- PI3K/AKT/mTOR pathway and its related molecules participate in PROK1 silence-induced anti-tumor effects on pancreatic cancer
- The altered expression of cytoskeletal and synaptic remodeling proteins during epilepsy
- Effects of pegylated recombinant human granulocyte colony-stimulating factor on lymphocytes and white blood cells of patients with malignant tumor
- Prostatitis as initial manifestation of Chlamydia psittaci pneumonia diagnosed by metagenome next-generation sequencing: A case report
- NUDT21 relieves sevoflurane-induced neurological damage in rats by down-regulating LIMK2
- Association of interleukin-10 rs1800896, rs1800872, and interleukin-6 rs1800795 polymorphisms with squamous cell carcinoma risk: A meta-analysis
- Exosomal HBV-DNA for diagnosis and treatment monitoring of chronic hepatitis B
- Shear stress leads to the dysfunction of endothelial cells through the Cav-1-mediated KLF2/eNOS/ERK signaling pathway under physiological conditions
- Interaction between the PI3K/AKT pathway and mitochondrial autophagy in macrophages and the leukocyte count in rats with LPS-induced pulmonary infection
- Meta-analysis of the rs231775 locus polymorphism in the CTLA-4 gene and the susceptibility to Graves’ disease in children
- Cloning, subcellular localization and expression of phosphate transporter gene HvPT6 of hulless barley
- Coptisine mitigates diabetic nephropathy via repressing the NRLP3 inflammasome
- Significant elevated CXCL14 and decreased IL-39 levels in patients with tuberculosis
- Whole-exome sequencing applications in prenatal diagnosis of fetal bowel dilatation
- Gemella morbillorum infective endocarditis: A case report and literature review
- An unusual ectopic thymoma clonal evolution analysis: A case report
- Severe cumulative skin toxicity during toripalimab combined with vemurafenib following toripalimab alone
- Detection of V. vulnificus septic shock with ARDS using mNGS
- Novel rare genetic variants of familial and sporadic pulmonary atresia identified by whole-exome sequencing
- The influence and mechanistic action of sperm DNA fragmentation index on the outcomes of assisted reproduction technology
- Novel compound heterozygous mutations in TELO2 in an infant with You-Hoover-Fong syndrome: A case report and literature review
- ctDNA as a prognostic biomarker in resectable CLM: Systematic review and meta-analysis
- Diagnosis of primary amoebic meningoencephalitis by metagenomic next-generation sequencing: A case report
- Phylogenetic analysis of promoter regions of human Dolichol kinase (DOLK) and orthologous genes using bioinformatics tools
- Collagen changes in rabbit conjunctiva after conjunctival crosslinking
- Effects of NM23 transfection of human gastric carcinoma cells in mice
- Oral nifedipine and phytosterol, intravenous nicardipine, and oral nifedipine only: Three-arm, retrospective, cohort study for management of severe preeclampsia
- Case report of hepatic retiform hemangioendothelioma: A rare tumor treated with ultrasound-guided microwave ablation
- Curcumin induces apoptosis in human hepatocellular carcinoma cells by decreasing the expression of STAT3/VEGF/HIF-1α signaling
- Rare presentation of double-clonal Waldenström macroglobulinemia with pulmonary embolism: A case report
- Giant duplication of the transverse colon in an adult: A case report and literature review
- Ectopic thyroid tissue in the breast: A case report
- SDR16C5 promotes proliferation and migration and inhibits apoptosis in pancreatic cancer
- Vaginal metastasis from breast cancer: A case report
- Screening of the best time window for MSC transplantation to treat acute myocardial infarction with SDF-1α antibody-loaded targeted ultrasonic microbubbles: An in vivo study in miniswine
- Inhibition of TAZ impairs the migration ability of melanoma cells
- Molecular complexity analysis of the diagnosis of Gitelman syndrome in China
- Effects of maternal calcium and protein intake on the development and bone metabolism of offspring mice
- Identification of winter wheat pests and diseases based on improved convolutional neural network
- Ultra-multiplex PCR technique to guide treatment of Aspergillus-infected aortic valve prostheses
- Virtual high-throughput screening: Potential inhibitors targeting aminopeptidase N (CD13) and PIKfyve for SARS-CoV-2
- Immune checkpoint inhibitors in cancer patients with COVID-19
- Utility of methylene blue mixed with autologous blood in preoperative localization of pulmonary nodules and masses
- Integrated analysis of the microbiome and transcriptome in stomach adenocarcinoma
- Berberine suppressed sarcopenia insulin resistance through SIRT1-mediated mitophagy
- DUSP2 inhibits the progression of lupus nephritis in mice by regulating the STAT3 pathway
- Lung abscess by Fusobacterium nucleatum and Streptococcus spp. co-infection by mNGS: A case series
- Genetic alterations of KRAS and TP53 in intrahepatic cholangiocarcinoma associated with poor prognosis
- Granulomatous polyangiitis involving the fourth ventricle: Report of a rare case and a literature review
- Studying infant mortality: A demographic analysis based on data mining models
- Metaplastic breast carcinoma with osseous differentiation: A report of a rare case and literature review
- Protein Z modulates the metastasis of lung adenocarcinoma cells
- Inhibition of pyroptosis and apoptosis by capsaicin protects against LPS-induced acute kidney injury through TRPV1/UCP2 axis in vitro
- TAK-242, a toll-like receptor 4 antagonist, against brain injury by alleviates autophagy and inflammation in rats
- Primary mediastinum Ewing’s sarcoma with pleural effusion: A case report and literature review
- Association of ADRB2 gene polymorphisms and intestinal microbiota in Chinese Han adolescents
- Tanshinone IIA alleviates chondrocyte apoptosis and extracellular matrix degeneration by inhibiting ferroptosis
- Study on the cytokines related to SARS-Cov-2 in testicular cells and the interaction network between cells based on scRNA-seq data
- Effect of periostin on bone metabolic and autophagy factors during tooth eruption in mice
- HP1 induces ferroptosis of renal tubular epithelial cells through NRF2 pathway in diabetic nephropathy
- Intravaginal estrogen management in postmenopausal patients with vaginal squamous intraepithelial lesions along with CO2 laser ablation: A retrospective study
- Hepatocellular carcinoma cell differentiation trajectory predicts immunotherapy, potential therapeutic drugs, and prognosis of patients
- Effects of physical exercise on biomarkers of oxidative stress in healthy subjects: A meta-analysis of randomized controlled trials
- Identification of lysosome-related genes in connection with prognosis and immune cell infiltration for drug candidates in head and neck cancer
- Development of an instrument-free and low-cost ELISA dot-blot test to detect antibodies against SARS-CoV-2
- Research progress on gas signal molecular therapy for Parkinson’s disease
- Adiponectin inhibits TGF-β1-induced skin fibroblast proliferation and phenotype transformation via the p38 MAPK signaling pathway
- The G protein-coupled receptor-related gene signatures for predicting prognosis and immunotherapy response in bladder urothelial carcinoma
- α-Fetoprotein contributes to the malignant biological properties of AFP-producing gastric cancer
- CXCL12/CXCR4/CXCR7 axis in placenta tissues of patients with placenta previa
- Association between thyroid stimulating hormone levels and papillary thyroid cancer risk: A meta-analysis
- Significance of sTREM-1 and sST2 combined diagnosis for sepsis detection and prognosis prediction
- Diagnostic value of serum neuroactive substances in the acute exacerbation of chronic obstructive pulmonary disease complicated with depression
- Research progress of AMP-activated protein kinase and cardiac aging
- TRIM29 knockdown prevented the colon cancer progression through decreasing the ubiquitination levels of KRT5
- Cross-talk between gut microbiota and liver steatosis: Complications and therapeutic target
- Metastasis from small cell lung cancer to ovary: A case report
- The early diagnosis and pathogenic mechanisms of sepsis-related acute kidney injury
- The effect of NK cell therapy on sepsis secondary to lung cancer: A case report
- Erianin alleviates collagen-induced arthritis in mice by inhibiting Th17 cell differentiation
- Loss of ACOX1 in clear cell renal cell carcinoma and its correlation with clinical features
- Signalling pathways in the osteogenic differentiation of periodontal ligament stem cells
- Crosstalk between lactic acid and immune regulation and its value in the diagnosis and treatment of liver failure
- Clinicopathological features and differential diagnosis of gastric pleomorphic giant cell carcinoma
- Traumatic brain injury and rTMS-ERPs: Case report and literature review
- Extracellular fibrin promotes non-small cell lung cancer progression through integrin β1/PTEN/AKT signaling
- Knockdown of DLK4 inhibits non-small cell lung cancer tumor growth by downregulating CKS2
- The co-expression pattern of VEGFR-2 with indicators related to proliferation, apoptosis, and differentiation of anagen hair follicles
- Inflammation-related signaling pathways in tendinopathy
- CD4+ T cell count in HIV/TB co-infection and co-occurrence with HL: Case report and literature review
- Clinical analysis of severe Chlamydia psittaci pneumonia: Case series study
- Bioinformatics analysis to identify potential biomarkers for the pulmonary artery hypertension associated with the basement membrane
- Influence of MTHFR polymorphism, alone or in combination with smoking and alcohol consumption, on cancer susceptibility
- Catharanthus roseus (L.) G. Don counteracts the ampicillin resistance in multiple antibiotic-resistant Staphylococcus aureus by downregulation of PBP2a synthesis
- Combination of a bronchogenic cyst in the thoracic spinal canal with chronic myelocytic leukemia
- Bacterial lipoprotein plays an important role in the macrophage autophagy and apoptosis induced by Salmonella typhimurium and Staphylococcus aureus
- TCL1A+ B cells predict prognosis in triple-negative breast cancer through integrative analysis of single-cell and bulk transcriptomic data
- Ezrin promotes esophageal squamous cell carcinoma progression via the Hippo signaling pathway
- Ferroptosis: A potential target of macrophages in plaque vulnerability
- Predicting pediatric Crohn's disease based on six mRNA-constructed risk signature using comprehensive bioinformatic approaches
- Applications of genetic code expansion and photosensitive UAAs in studying membrane proteins
- HK2 contributes to the proliferation, migration, and invasion of diffuse large B-cell lymphoma cells by enhancing the ERK1/2 signaling pathway
- IL-17 in osteoarthritis: A narrative review
- Circadian cycle and neuroinflammation
- Probiotic management and inflammatory factors as a novel treatment in cirrhosis: A systematic review and meta-analysis
- Hemorrhagic meningioma with pulmonary metastasis: Case report and literature review
- SPOP regulates the expression profiles and alternative splicing events in human hepatocytes
- Knockdown of SETD5 inhibited glycolysis and tumor growth in gastric cancer cells by down-regulating Akt signaling pathway
- PTX3 promotes IVIG resistance-induced endothelial injury in Kawasaki disease by regulating the NF-κB pathway
- Pancreatic ectopic thyroid tissue: A case report and analysis of literature
- The prognostic impact of body mass index on female breast cancer patients in underdeveloped regions of northern China differs by menopause status and tumor molecular subtype
- Report on a case of liver-originating malignant melanoma of unknown primary
- Case report: Herbal treatment of neutropenic enterocolitis after chemotherapy for breast cancer
- The fibroblast growth factor–Klotho axis at molecular level
- Characterization of amiodarone action on currents in hERG-T618 gain-of-function mutations
- A case report of diagnosis and dynamic monitoring of Listeria monocytogenes meningitis with NGS
- Effect of autologous platelet-rich plasma on new bone formation and viability of a Marburg bone graft
- Small breast epithelial mucin as a useful prognostic marker for breast cancer patients
- Continuous non-adherent culture promotes transdifferentiation of human adipose-derived stem cells into retinal lineage
- Nrf3 alleviates oxidative stress and promotes the survival of colon cancer cells by activating AKT/BCL-2 signal pathway
- Favorable response to surufatinib in a patient with necrolytic migratory erythema: A case report
- Case report of atypical undernutrition of hypoproteinemia type
- Down-regulation of COL1A1 inhibits tumor-associated fibroblast activation and mediates matrix remodeling in the tumor microenvironment of breast cancer
- Sarcoma protein kinase inhibition alleviates liver fibrosis by promoting hepatic stellate cells ferroptosis
- Research progress of serum eosinophil in chronic obstructive pulmonary disease and asthma
- Clinicopathological characteristics of co-existing or mixed colorectal cancer and neuroendocrine tumor: Report of five cases
- Role of menopausal hormone therapy in the prevention of postmenopausal osteoporosis
- Precisional detection of lymph node metastasis using tFCM in colorectal cancer
- Advances in diagnosis and treatment of perimenopausal syndrome
- A study of forensic genetics: ITO index distribution and kinship judgment between two individuals
- Acute lupus pneumonitis resembling miliary tuberculosis: A case-based review
- Plasma levels of CD36 and glutathione as biomarkers for ruptured intracranial aneurysm
- Fractalkine modulates pulmonary angiogenesis and tube formation by modulating CX3CR1 and growth factors in PVECs
- Novel risk prediction models for deep vein thrombosis after thoracotomy and thoracoscopic lung cancer resections, involving coagulation and immune function
- Exploring the diagnostic markers of essential tremor: A study based on machine learning algorithms
- Evaluation of effects of small-incision approach treatment on proximal tibia fracture by deep learning algorithm-based magnetic resonance imaging
- An online diagnosis method for cancer lesions based on intelligent imaging analysis
- Medical imaging in rheumatoid arthritis: A review on deep learning approach
- Predictive analytics in smart healthcare for child mortality prediction using a machine learning approach
- Utility of neutrophil–lymphocyte ratio and platelet–lymphocyte ratio in predicting acute-on-chronic liver failure survival
- A biomedical decision support system for meta-analysis of bilateral upper-limb training in stroke patients with hemiplegia
- TNF-α and IL-8 levels are positively correlated with hypobaric hypoxic pulmonary hypertension and pulmonary vascular remodeling in rats
- Stochastic gradient descent optimisation for convolutional neural network for medical image segmentation
- Comparison of the prognostic value of four different critical illness scores in patients with sepsis-induced coagulopathy
- Application and teaching of computer molecular simulation embedded technology and artificial intelligence in drug research and development
- Hepatobiliary surgery based on intelligent image segmentation technology
- Value of brain injury-related indicators based on neural network in the diagnosis of neonatal hypoxic-ischemic encephalopathy
- Analysis of early diagnosis methods for asymmetric dementia in brain MR images based on genetic medical technology
- Early diagnosis for the onset of peri-implantitis based on artificial neural network
- Clinical significance of the detection of serum IgG4 and IgG4/IgG ratio in patients with thyroid-associated ophthalmopathy
- Forecast of pain degree of lumbar disc herniation based on back propagation neural network
- SPA-UNet: A liver tumor segmentation network based on fused multi-scale features
- Systematic evaluation of clinical efficacy of CYP1B1 gene polymorphism in EGFR mutant non-small cell lung cancer observed by medical image
- Rehabilitation effect of intelligent rehabilitation training system on hemiplegic limb spasms after stroke
- A novel approach for minimising anti-aliasing effects in EEG data acquisition
- ErbB4 promotes M2 activation of macrophages in idiopathic pulmonary fibrosis
- Clinical role of CYP1B1 gene polymorphism in prediction of postoperative chemotherapy efficacy in NSCLC based on individualized health model
- Lung nodule segmentation via semi-residual multi-resolution neural networks
- Evaluation of brain nerve function in ICU patients with Delirium by deep learning algorithm-based resting state MRI
- A data mining technique for detecting malignant mesothelioma cancer using multiple regression analysis
- Markov model combined with MR diffusion tensor imaging for predicting the onset of Alzheimer’s disease
- Effectiveness of the treatment of depression associated with cancer and neuroimaging changes in depression-related brain regions in patients treated with the mediator-deuterium acupuncture method
- Molecular mechanism of colorectal cancer and screening of molecular markers based on bioinformatics analysis
- Monitoring and evaluation of anesthesia depth status data based on neuroscience
- Exploring the conformational dynamics and thermodynamics of EGFR S768I and G719X + S768I mutations in non-small cell lung cancer: An in silico approaches
- Optimised feature selection-driven convolutional neural network using gray level co-occurrence matrix for detection of cervical cancer
- Incidence of different pressure patterns of spinal cerebellar ataxia and analysis of imaging and genetic diagnosis
- Pathogenic bacteria and treatment resistance in older cardiovascular disease patients with lung infection and risk prediction model
- Adoption value of support vector machine algorithm-based computed tomography imaging in the diagnosis of secondary pulmonary fungal infections in patients with malignant hematological disorders
- From slides to insights: Harnessing deep learning for prognostic survival prediction in human colorectal cancer histology
- Ecology and Environmental Science
- Monitoring of hourly carbon dioxide concentration under different land use types in arid ecosystem
- Comparing the differences of prokaryotic microbial community between pit walls and bottom from Chinese liquor revealed by 16S rRNA gene sequencing
- Effects of cadmium stress on fruits germination and growth of two herbage species
- Bamboo charcoal affects soil properties and bacterial community in tea plantations
- Optimization of biogas potential using kinetic models, response surface methodology, and instrumental evidence for biodegradation of tannery fleshings during anaerobic digestion
- Understory vegetation diversity patterns of Platycladus orientalis and Pinus elliottii communities in Central and Southern China
- Studies on macrofungi diversity and discovery of new species of Abortiporus from Baotianman World Biosphere Reserve
- Food Science
- Effect of berrycactus fruit (Myrtillocactus geometrizans) on glutamate, glutamine, and GABA levels in the frontal cortex of rats fed with a high-fat diet
- Guesstimate of thymoquinone diversity in Nigella sativa L. genotypes and elite varieties collected from Indian states using HPTLC technique
- Analysis of bacterial community structure of Fuzhuan tea with different processing techniques
- Untargeted metabolomics reveals sour jujube kernel benefiting the nutritional value and flavor of Morchella esculenta
- Mycobiota in Slovak wine grapes: A case study from the small Carpathians wine region
- Elemental analysis of Fadogia ancylantha leaves used as a nutraceutical in Mashonaland West Province, Zimbabwe
- Microbiological transglutaminase: Biotechnological application in the food industry
- Influence of solvent-free extraction of fish oil from catfish (Clarias magur) heads using a Taguchi orthogonal array design: A qualitative and quantitative approach
- Chromatographic analysis of the chemical composition and anticancer activities of Curcuma longa extract cultivated in Palestine
- The potential for the use of leghemoglobin and plant ferritin as sources of iron
- Investigating the association between dietary patterns and glycemic control among children and adolescents with T1DM
- Bioengineering and Biotechnology
- Biocompatibility and osteointegration capability of β-TCP manufactured by stereolithography 3D printing: In vitro study
- Clinical characteristics and the prognosis of diabetic foot in Tibet: A single center, retrospective study
- Agriculture
- Biofertilizer and NPSB fertilizer application effects on nodulation and productivity of common bean (Phaseolus vulgaris L.) at Sodo Zuria, Southern Ethiopia
- On correlation between canopy vegetation and growth indexes of maize varieties with different nitrogen efficiencies
- Exopolysaccharides from Pseudomonas tolaasii inhibit the growth of Pleurotus ostreatus mycelia
- A transcriptomic evaluation of the mechanism of programmed cell death of the replaceable bud in Chinese chestnut
- Melatonin enhances salt tolerance in sorghum by modulating photosynthetic performance, osmoregulation, antioxidant defense, and ion homeostasis
- Effects of plant density on alfalfa (Medicago sativa L.) seed yield in western Heilongjiang areas
- Identification of rice leaf diseases and deficiency disorders using a novel DeepBatch technique
- Artificial intelligence and internet of things oriented sustainable precision farming: Towards modern agriculture
- Animal Sciences
- Effect of ketogenic diet on exercise tolerance and transcriptome of gastrocnemius in mice
- Combined analysis of mRNA–miRNA from testis tissue in Tibetan sheep with different FecB genotypes
- Isolation, identification, and drug resistance of a partially isolated bacterium from the gill of Siniperca chuatsi
- Tracking behavioral changes of confined sows from the first mating to the third parity
- The sequencing of the key genes and end products in the TLR4 signaling pathway from the kidney of Rana dybowskii exposed to Aeromonas hydrophila
- Development of a new candidate vaccine against piglet diarrhea caused by Escherichia coli
- Plant Sciences
- Crown and diameter structure of pure Pinus massoniana Lamb. forest in Hunan province, China
- Genetic evaluation and germplasm identification analysis on ITS2, trnL-F, and psbA-trnH of alfalfa varieties germplasm resources
- Tissue culture and rapid propagation technology for Gentiana rhodantha
- Effects of cadmium on the synthesis of active ingredients in Salvia miltiorrhiza
- Cloning and expression analysis of VrNAC13 gene in mung bean
- Chlorate-induced molecular floral transition revealed by transcriptomes
- Effects of warming and drought on growth and development of soybean in Hailun region
- Effects of different light conditions on transient expression and biomass in Nicotiana benthamiana leaves
- Comparative analysis of the rhizosphere microbiome and medicinally active ingredients of Atractylodes lancea from different geographical origins
- Distinguish Dianthus species or varieties based on chloroplast genomes
- Comparative transcriptomes reveal molecular mechanisms of apple blossoms of different tolerance genotypes to chilling injury
- Study on fresh processing key technology and quality influence of Cut Ophiopogonis Radix based on multi-index evaluation
- An advanced approach for fig leaf disease detection and classification: Leveraging image processing and enhanced support vector machine methodology
- Erratum
- Erratum to “Protein Z modulates the metastasis of lung adenocarcinoma cells”
- Erratum to “BRCA1 subcellular localization regulated by PI3K signaling pathway in triple-negative breast cancer MDA-MB-231 cells and hormone-sensitive T47D cells”
- Retraction
- Retraction to “Protocatechuic acid attenuates cerebral aneurysm formation and progression by inhibiting TNF-alpha/Nrf-2/NF-kB-mediated inflammatory mechanisms in experimental rats”