Loading [MathJax]/jax/output/SVG/jax.js
Review

Antimicrobial activity and mechanisms of action of Origanum vulgare L. essential oil: effects on membrane-associated properties

  • Historically, essential oils (Eos) have been applied in diverse ways, with modern science confirming their antimicrobial, antioxidant, anti-inflammatory, and neuroprotective properties. Origanum vulgare (oregano) is a notable source of EOs, being particularly rich in compounds like thymol, carvacrol, and β-caryophyllene, which contribute to its potent antibacterial effects. These include disruption of bacterial cell membranes, interference with quorum sensing, and inhibition of biofilm formation. Oregano EO has shown effectiveness against both antibiotic-resistant and non-resistant bacterial strains, such as Escherichia coli, Staphylococcus aureus, and Pseudomonas aeruginosa. The components of this EO disrupt membrane integrity, ion transport, membrane surface charge, biofilm formation, and other biophysical parameters, eventually leading to cell death. Research highlights its potential in combatting antibiotic resistance, either alone or in synergy with traditional antibiotics. Additionally, oregano EO holds promise as a natural therapeutic agent. Continued study of its complex chemical interactions will further elucidate its full potential in antimicrobial therapy. This review article presents the possible mechanisms of the antimicrobial action of oregano essential oil and its application prospects.

    Citation: Armenuhi Moghrovyan, Naira Sahakyan. Antimicrobial activity and mechanisms of action of Origanum vulgare L. essential oil: effects on membrane-associated properties[J]. AIMS Biophysics, 2024, 11(4): 508-526. doi: 10.3934/biophy.2024027

    Related Papers:

    [1] Qian Wu, Yuyao Pei, Zihao Cheng, Xiaopeng Hu, Changqing Wang . SDS-Net: A lightweight 3D convolutional neural network with multi-branch attention for multimodal brain tumor accurate segmentation. Mathematical Biosciences and Engineering, 2023, 20(9): 17384-17406. doi: 10.3934/mbe.2023773
    [2] Tongping Shen, Fangliang Huang, Xusong Zhang . CT medical image segmentation algorithm based on deep learning technology. Mathematical Biosciences and Engineering, 2023, 20(6): 10954-10976. doi: 10.3934/mbe.2023485
    [3] Shen Jiang, Jinjiang Li, Zhen Hua . Transformer with progressive sampling for medical cellular image segmentation. Mathematical Biosciences and Engineering, 2022, 19(12): 12104-12126. doi: 10.3934/mbe.2022563
    [4] Xiaomeng Feng, Taiping Wang, Xiaohang Yang, Minfei Zhang, Wanpeng Guo, Weina Wang . ConvWin-UNet: UNet-like hierarchical vision Transformer combined with convolution for medical image segmentation. Mathematical Biosciences and Engineering, 2023, 20(1): 128-144. doi: 10.3934/mbe.2023007
    [5] Jun Liu, Zhenhua Yan, Chaochao Zhou, Liren Shao, Yuanyuan Han, Yusheng Song . mfeeU-Net: A multi-scale feature extraction and enhancement U-Net for automatic liver segmentation from CT Images. Mathematical Biosciences and Engineering, 2023, 20(5): 7784-7801. doi: 10.3934/mbe.2023336
    [6] Xiaoyan Zhang, Mengmeng He, Hongan Li . DAU-Net: A medical image segmentation network combining the Hadamard product and dual scale attention gate. Mathematical Biosciences and Engineering, 2024, 21(2): 2753-2767. doi: 10.3934/mbe.2024122
    [7] Zhigao Zeng, Cheng Huang, Wenqiu Zhu, Zhiqiang Wen, Xinpan Yuan . Flower image classification based on an improved lightweight neural network with multi-scale feature fusion and attention mechanism. Mathematical Biosciences and Engineering, 2023, 20(8): 13900-13920. doi: 10.3934/mbe.2023619
    [8] Haiyan Song, Cuihong Liu, Shengnan Li, Peixiao Zhang . TS-GCN: A novel tumor segmentation method integrating transformer and GCN. Mathematical Biosciences and Engineering, 2023, 20(10): 18173-18190. doi: 10.3934/mbe.2023807
    [9] Yuqing Zhang, Yutong Han, Jianxin Zhang . MAU-Net: Mixed attention U-Net for MRI brain tumor segmentation. Mathematical Biosciences and Engineering, 2023, 20(12): 20510-20527. doi: 10.3934/mbe.2023907
    [10] Zhenyin Fu, Jin Zhang, Ruyi Luo, Yutong Sun, Dongdong Deng, Ling Xia . TF-Unet:An automatic cardiac MRI image segmentation method. Mathematical Biosciences and Engineering, 2022, 19(5): 5207-5222. doi: 10.3934/mbe.2022244
  • Historically, essential oils (Eos) have been applied in diverse ways, with modern science confirming their antimicrobial, antioxidant, anti-inflammatory, and neuroprotective properties. Origanum vulgare (oregano) is a notable source of EOs, being particularly rich in compounds like thymol, carvacrol, and β-caryophyllene, which contribute to its potent antibacterial effects. These include disruption of bacterial cell membranes, interference with quorum sensing, and inhibition of biofilm formation. Oregano EO has shown effectiveness against both antibiotic-resistant and non-resistant bacterial strains, such as Escherichia coli, Staphylococcus aureus, and Pseudomonas aeruginosa. The components of this EO disrupt membrane integrity, ion transport, membrane surface charge, biofilm formation, and other biophysical parameters, eventually leading to cell death. Research highlights its potential in combatting antibiotic resistance, either alone or in synergy with traditional antibiotics. Additionally, oregano EO holds promise as a natural therapeutic agent. Continued study of its complex chemical interactions will further elucidate its full potential in antimicrobial therapy. This review article presents the possible mechanisms of the antimicrobial action of oregano essential oil and its application prospects.



    Accurate medical images segmentation is basic and crucial for medical image processing and analysis [1,2]. Generally, the targets on medical images are segmented by sketching the outline manually, but this is time-consuming and requires professional knowledge of physicians. Lots of morphology-based automatic segmentation methods have been proposed in the past, including edge detection, area detection, and template matching [3]. However, it is difficult to design specifically and easily deformable models for various segmentation tasks [4]. The significant variations in the scale and shape of segmented targets add to the difficulty of segmentation tasks [5].

    With the great development of deep learning, deep convolutional neural networks (DCNNs) have achieved excellent performance in medical image segmentation filed [3,6,7]. Compared with traditional methods, DCNNs can automatically extract features and show higher accuracy and robustness. Many structures [8,9,10] were founded on Fully Convolutional Network (FCN), and U-Net [10] with its variants, have been widely implemented to many tasks, such as skin lesions [11,12], thyroid gland [13,14], lung [7,15], nuclei [16,17,18,19], etc. U-Net adopts the encoder-decoder structure. The encoder captures feature information using continuous stacked convolutional layers and the decoder is sited to recover the categories of each pixel. At the same time, multiple skip connections are also applied to spread feature information for final segmentation. The variants, such as MultiResUNet [12], UNet++ [20], rethought the U-Net architecture and achieved better performance in segmentation tasks. Nevertheless, there are still some shortcomings of U-Net and its variants. First, the pooling operation may lose some important features which are conductive to improve the segmentation accuracy. Second, these methods couldn't dynamically adjust to the variation of features, such as shape and size. Third, continuous stacked convolution layers deepen the network architecture and enhance the feature extraction capability of models, but a major critique of such models is their large parameter count [21].

    The attention mechanism helps the network to draw what we need. By imitating the way humans allocate attention, the attention feature vectors or maps dynamically add the important weights to critical information and omit useless ones. Using the squeeze-and-excitation module, SE-Net [22], showed effectiveness of the inter-channel relationship. ECA module [23], inspired by SE-Net, generated feature weights by 1D convolution operation and effected on output. [24] adopted the attention mechanism for image classification based on RNN model and achieved good performance. [25] first applied attention mechanism to the field of NLP in machine translation tasks, and [26] proposed a self-attention mechanism. For medical image segmentation field, Attention U-Net [27] applied attention gates for capturing richer contextual information. CA-Net [11] proposed a comprehensive attention network to emphasize significant features in multi-scale feature maps. These methods take advantage of context information and achieve higher accuracy, but the parameters are relatively higher.

    The emergence of depthwise separable convolution has shown great efficiency and reduced training parameters over regular convolution [28,29,30]. It separates the standard convolution operation into two layers: depthwise convolution and pointwise convolution. Each input channel is first convoluted spatially, and the pointwise convolution subsequently processes the channels into a new channel dimensional space, subsequently. In MobileNets architecture [29], depthwise separable convolution was employed to build lightweight networks and embedded in mobile visual applications. DeepLabV3+ [31] applied it to the ASPP module, which achieved a faster and more powerful network for semantic image segmentation. X-Net [32] adopted it to scale the network size down and performed well. MobileNetV3-UNet [33] created a lightweight encoder and decoder architecture based on depthwise separable convolution, which achieved high accuracy on medical image segmentation tasks.

    Combining the advantages of attention mechanism and depthwise separatable convolution into U-shaped architecture, a lightweight DSCA-Net is proposed in this paper for medical image segmentation. Three novel attention modules are proposed and integrated into the encoder and decoder of U-Net, separately. The chief contributions of our work are summarized as follows:

    1) A Pooling Attention module is proposed to reduce the feature loss caused by down-sampling.

    2) A Context Attention module is designed to exploit the concatenation feature maps from the encoder and decoder, which combines the spatial and channel attention mechanisms to focus on useful position features.

    3) To make better use of multi-scale information from different level stages of the decoder, a Multiscale Edge Attention module is proposed to deal with combined features for the final prediction.

    4) We integrate all proposed modules into DSCA-Net for medical image segmentation and all convolution operations are implemented by depthwise separable convolution. The proposed network was evaluated on four public datasets and the experimental results reveal that our proposed network outperforms previous state-of-the-art frameworks.

    The remainder of our paper is structured below. Section 2 goes over detailed information of proposed DSCA-Net architecture, and Section 3 describes the experimental settings and results. Finally, some discussions and conclusions are given in Sections 4 and 5.

    By combining attention mechanism and depthwise separable convolution with the architecture of U-Net, we propose DSCA-Net, which is shown in Figure 1. The network is composed of encoding part, decoding part, and multiscale edge part. Firstly, we replace the stacked 3×3 convolution layers of U-Net with DC module. The depth of encoder is 128, which enables our proposed model better extracting abundant features while reducing parameter amount. Secondly, to reduce the feature loss, PA module is embedded in place of maximum pooling layer, which has almost no effect on the number of parameters. Then, long-range skip connections are utilized to transfer feature maps from encoder to symmetrical decoder stage after passing through CA module, which fuses and recalibrates the context information at five different resolution levels. Finally, MEA module reemphasizes the salient scale information from concatenating multiscale feature maps, which enable the last CNN layer to be aware of segmenting target edge.

    Figure 1.  The overall architecture of DSCA-Net.

    Recent studies show that extending the network depth leads to better segmentation performance [28,34]. Based on depthwise separable convolution operation [28] and DenseNet [35], the dense convolution module is proposed. We utilize it in encoder to extract high-dimensional feature information and recover segmented target details in decoder. As shown in Figure 2, every depthwise separable convolution layer is followed by one group normalization [36] and LeakyReLU [37], which improves nonlinear expression capability of model. For convenience, we assume the input as xinputRC×H×W. C,H,W denote channel, height, and weight, respectively. At beginning, one 1×1 convolution layer Fconv1×1 expands xinput channel numbers 2 times. Then, multiple residual connections from former layers are summed to all subsequent layer with two continuous 3×3 convolution layers Fconv3×3. The elementwise summation operations are used for fusing extracted information without adding parameters. DC module is described by the following equation:

    x0=Fconv1×1(xinput) (1)
    xi=Fconv3×3(SUM(x0;x1;x2;;xi1)) (2)
    Figure 2.  Dense convolution module.

    where x0RC×H×W denotes the input feature map and xiRC×H×W represents the feature maps in layer i.

    Consecutive pooling operation in encoder enlarges the reception of convolution operation but lose certain features. Therefore, we rethink SE-Net [22] and ECA-Net [23], and propose PA module to replace the original pooling layer, as shown in Figure 3. PA module mainly takes in a two-branch structure. One branch tries to obtain an attention channel feature vector and the other rescales height and width of feature maps. First, a 1D convolution Fconv5×1×1 with shared kernel weights of 5 is used to extract more abundant feature information after adaptive maximum pooling Pmax1×1 and average pooling Pavg1×1 layers. Then, the vector Vsum is summed element-by-element and activated by Sigmoid function. Finally, the output yout is multiplied by rescaled feature maps Mscaled. PA module can be expressed as follows:

    Vsum=Sigmoid(GN(Fconv5×1×1(Pmax1×1(xinput))Fconv5×1×1(Pavg1×1(xinput)))) (3)
    Mscaled=Pmaxh2×w2(xinput)Pavgh2×w2(xinput) (4)
    yout=VsumMscaled (5)
    Figure 3.  Pooling attention module.

    where xinputRC×H×W denotes input feature maps, and denote element-wise summation and element-wise production, respectively.

    In the process of context information extraction, simple concatenation of U-Net is not sufficient to gradually restore needed information. Drawing lessons from dynamic weight similarity calculation, we propose CA module to fuse context information, as shown in Figure 4. xlowRC×H×W and xhighRC×H2×W2 represent feature maps from encoder and decoder, respectively. At first, we obtain xinputR2C×H×W via concatenating xlow and xhigh from upper decoder layer. Then, to capture detailed context information, CA module adopts a three-branch structure, including a spatial attention branch, a channel attention branch, and a convolution branch, which has the same dimensions of xinput and yout. The learned feature maps from spatial attention branch xspatialR2C×H×W and channel attention branch xchannelR2C×H×W multiply convolutional feature maps xconvR2C×H×W, separately. Finally, feature maps are concatenated and one 1×1 convolution Fconv1×1 reconstructs youtRC×H×W. The relevant formula can be stated as follows:

    xinput=Cat[xlow;U(xhigh)] (6)
    xchannel=xinput(Sigmoid(Fconv5×1×1(Pmax1×1(xinput))Fconv5×1×1(Pavg1×1(xinput)))) (7)
    xspatial=xinput(Sigmoid(Fconv1×1(Cat[PmaxH×W(xinput);PavgH×W(xinput)]))) (8)
    yout=Fconv1×1(Cat[xspatialxconv;xchannelxconv;xinput]) (9)
    Figure 4.  Context attention module.

    where Cat[] denotes the concatenation operation along with channel dimension. PavgH×W denotes adaptive average pooling operation and PmaxH×W denotes adaptive maximum pooling operation. For the process of bottom feature information, we use a deformable CA module to capture context information with single input.

    U-Net uses decoder to restore the categories of each pixel. However, segmented objects with large variant scales and blurred edges increase the difficulty of accurate segmentation. The pixel position of target edge in feature maps of union scales from decoder is slightly different and the high-level feature maps in decoder contain more sufficient edge information. Learning the scale-dynamic weights of all fused feature map pixels for calibrating object edge is desirable. To utilize multiscale feature maps, we propose MEA module, as shown in Figure 5. First, we use bilinear up-sampling layers of different scale factors (s=1,2,4,8) to unify feature map scale obtained from decoder to the final output size and concatenate them. Then, for learning scale-dynamic features, one 1×1 convolution and Sigmoid function generate calibrated weights and multiplied original input to obtain youtRC×H×W. MEA module can be described as follows:

    xinput=Cat[s(x1);s(x2);s(xi)] (10)
    yout=xinputGN(Sigmoid(xinput)) (11)
    Figure 5.  Multiscale edge attention module.

    where s() denotes resampled function with different scale factors. xinput denotes concatenated feature map and GN denotes Group Normalization.

    To assess our proposed network, we validated DSCA-Net and compared with other state-of-the-art methods on four public datasets: ISIC 2018 dataset [5,38], thyroid gland segmentation dataset [39], lung segmentation (LUNA) dataset, and nuclei segmentation (TNBC) dataset [17]. Each dataset poses its separate challenge, and the corresponding samples are shown in Figure 6. On each task, we compared the results with state-of-the-art networks and implemented ablation studies to demonstrate effectiveness of modules, which will be discussed in Sections 3.3–3.6.

    Figure 6.  Samples of four datasets.

    During the experimental period, all models in this paper were achieved based on Pytorch and the experimental planform was supported by Linux 18.04 operating system, which was equipped with Intel Xeon CPU @2.30 GHz and 27GB RAM. The GPU was 16 GB Nvidia Tesla P100-PCIE. The Adam optimizer [40] was used with learning rate 104, and weight decay 108. The dynamic learning rate was decayed by 0.5 every 100 epochs. We utilized the Soft Dice loss for model training and kept optimal result upon validation dataset. Quantitative results were obtained in test.

    To maximize the use of GPU, the batch sizes are set to 8, 4, 12, and 2 for ISIC, thyroid gland, LUNA, and TNBC datasets, respectively. For better fitting data, the number of iterations for TNBC dataset is 500, and 300 for others. The training process stops automatically after the maximum epoch. We utilized Fivefold cross-validation for result to assess the stability and effectiveness of DSCA-Net. Every input image was normalized from [0,255] to [0,1]. During model training, random rotation and flipping of the angle in (π9,π9) with the probability of 0.5 were applied for data augmentation.

    In this paper, Dice coefficient (Dice), Intersection over Union (IoU), accuracy (Acc), specificity (Spec), sensitivity (Sens) and average symmetric surface distance (ASSD) are used as evaluation metrics. The formula for all metrics can be expressed as follows:

    Dice=2TP2TP+FN+FP (12)
    IoU=TPTP+FN+FP (13)
    Accuracy=TP+TNTP+FP+TN+FN (14)
    Specific=TNTN+FP (15)
    Sensitivity=TPTP+FN (16)

    where TP,TN,FP,FN represent the predicted pixel numbers of true positive, true negative, false positive, and false negative, respectively. Assuming Sa and Sb are the set of border points from prediction result and corresponding label, individually, ASSD is defined as:

    ASSD=(aSad(a,Sb)+bSbd(b,Sa))|Sa|+|Sb| (17)

    where d(v,Sa)=minxSa(|vx|) represents the shortest Pythagorean distance between point v and Sa.

    The skin lesion segmentation dataset has 2594 images and their corresponding label in 2018 [5,38]. We randomly divided the dataset by the ratio of 7:2:1 into 1815,261, and 520 used for training, validation, and testing, respectively. The original size of images in dataset varies from 720×540 to 6708×4439. To facilitate the training process of our proposed network, all images and corresponding masks were cropped to 256×256.

    Some skin lesion segmentation samples of our proposed network and U-Net are shown in Figure 7. U-Net performs unsatisfactorily compared with DSCA-Net in regular skin lesion segmentation images. When the skin lesion has a similar color to surroundings or occluded by hair and tissue fluid, U-Net gets error segmentation results. The more blurred boundary of skin lesion, the more incorrect segmentation is obtained by U-Net. Comparatively, DSCA-Net performs better.

    Figure 7.  Visualization results of skin lesion segmentation dataset.

    To fully confirm the validity of our method, we compared DSCA-Net with U-Net [10], Attention U-Net [27], RefineNet [41], EOCNet [42], CA-Net [11], DeepLabv3+ [31], MobileNetV3-UNet [33] and IBA-U-Net [44] on this dataset. The results are listed in Table 1. Our proposed model performs an Acc of 0.9532, 0.0755 higher than U-Net, 0.0053 higher than second-place method MobileNetV3-UNet. Although Dice is 0.0002 less than DeepLabV3+, the difference is not significant. Our model has 1/3.53, 1/15.85, 1/24.86, 1/1.27, 1/3.77 and 1/6.32 times fewer parameters than U-Net, attention U-Net, DeepLabV3+, CA-Net, MobileNetV3-UNet, and IBA-U-Net with better segmentation performance, respectively.

    Table 1.  Comparisons of segmentation performance and number of parameters between DSCA-Net and other networks on skin lesion segmentation.
    Methods Dice Acc Params
    U-Net [10] 0.8739 0.8777 7.76 M
    Attention-UNet [27] 0.8846 0.8846 34.88 M
    RefineNet [41] 0.9155 0.9155 46.3 M
    EOC-Net [42] 0.8611 0.8401 -
    CA-Net [11] 0.9208 0.9268 2.8 M
    DeepLabV3+ [43] 0.9221 0.9179 54.7 M
    Mobi leNetV3-UNet [33] 0.9098 0.9479 8.3 M
    IBA-U-Net [44] - 0.9440 13.91 M
    Ours 0.9282 0.9532 2.2 M

     | Show Table
    DownLoad: CSV

    Table 2 lists the comparison results. Lightweight U-Net were achieved by depthwise separable convolution instead of original stacked convolution layers of U-Net. DSCA-Net is the network adding all designed modules. The quantitative results show that our proposed modules strengthen the feature extraction ability. Every proposed module improves segmentation performance. At the same time, Backbone + DC + PA, and Backbone + DC + PA + CA shows better segmentation results than U-Net.

    Table 2.  Quantitative evaluation of ablation study on skin lesion segmentation dataset.
    Methods Dice IoU ASSD
    Lightweight U-Net (Backbone) 0.8232 0.7164 1.6189
    Backbone + DC 0.8612 0.7672 1.0833
    Backbone + DC + PA 0.8941 0.8157 0.8364
    Backbone + DC + PA + CA 0.9219 0.8711 0.6753
    DSCA-Net 0.9282 0.8733 0.6318

     | Show Table
    DownLoad: CSV

    The thyroid public dataset [39] was acquired by a GE Logiq E9 XDclear 2.0 system equipped with a GE ML6-15 ultrasound probe with Ascension driveBay electromagnetic tracking. It took from healthy thyroid records and the volumes were taken straight from the ultrasound imaging instrument, which was recorded in DICOM format. The matching label, which was produced by a medical expert, contains the isthmus as part of the segmented region. To train our model, we split the volume into 3998 individual slices with label. We randomly used 2798 images for training, 400 images for validation and 800 for testing, with a ratio of 7:1:2. The shape of input was randomly cropped in 256×256.

    Figure 8 presents several test segmenting results on thyroid gland dataset. The edge of thyroid gland and background information usually have some outliers and similarities in vision, but not relate to our interest. Observations show that U-Net under-segmented thyroid isthmus while DSCA-Net better.

    Figure 8.  Visualization results of thyroid gland segmentation dataset.

    We tested DSCA-Net against three methods: SegNet [8], SUMNet [14], and Attention-UNet [27]. Quantitative evaluation results present in Table 3. The Dice increases from 0.9332 to 0.9727 by 4.2%, the Sens increases from 0.9526 to 0.9873 by 3.6% and Spec increases from 0.9169 to 0.9921 by 8.2% compared with U-Net. Our model has 1/51.05 times fewer parameters than SegNet and performs better through evaluation metrics.

    Table 3.  Comparisons of segmentation performance and number of parameters between DSCA-Net and other networks on thyroid gland segmentation.
    Methods Dice Sens Spec Params
    U-Net [10] 0.9332 0.9526 0.9169 7.76 M
    SegNet [8] 0.8401 0.9811 0.8437 112.32 M
    SUMNet [14] 0.9207 0.9830 0.8911 -
    Attention-UNet [27] 0.9582 0.9801 0.9444 34.88 M
    DSCA-Net 0.9727 0.9873 0.9921 2.2 M

     | Show Table
    DownLoad: CSV

    Additionally, Table 4 presents the quantitative analysis results of ablation study on thyroid segmentation. DSCA-Net scored the best performance in every metric. The Dice increased significantly after adding CA module, which indicates that CA module can efficiently extract context information for thyroid segmentation performance.

    Table 4.  Quantitative evaluation of ablation study on thyroid gland segmentation dataset.
    Methods Dice IoU ASSD
    Lightweight U-Net (Backbone) 0.8837 0.8079 1.0703
    Backbone + DC 0.9017 0.8325 0.8331
    Backbone + DC + PA 0.9113 0.8469 0.6557
    Backbone + DC + PA + CA 0.9687 0.9422 0.1072
    DSCA-Net 0.9727 0.9544 0.0953

     | Show Table
    DownLoad: CSV

    Lung segmentation requires segmenting the lung structure from a competition called Lung Nodule Analysis (LUNA). It contains 534 2D CT samples with corresponding label. The original resolution of images is 512×512, and we randomly cropped them into 256×256. Separately, 70, 10, and 20% of dataset is allocated for training, validation, and testing with corresponding number 374, 53, and 107.

    From the visualization results shown in Figure 9, DSCA-Net performs better than U-Net in detailed edge processing. Affected by the noise of lung CT images, U-Net produces some erroneous segmented areas. DSCA-Net has a greater tolerance to noise than U-Net. We demonstrate the validation of our approach by achieving a promising improvement despite the relatively simple task.

    Figure 9.  Visualization results of lung segmentation dataset.

    To quantitatively analyze the effectiveness, we assessed DSCA-Net with four methods: U-Net [10], CE-Net [4], RU-Net [15], and R2U-Net [15]. Table 5 demonstrates that all methods achieve excellent performance in four metrics, and our network reached 0.9828 in Dice, 0.9920 in Acc, 0.9836 in Sens, and 0.9895 in Spec, better than U-Net. In spite of the slightly lower performance of DSCA-Net than R2U-Net in Spec, our model has 1/1.9 times fewer parameters than R2U-Net while three metric scores are higher than R2U-Net. Noting that t in Table 5 means recurrent convolution time-step.

    Table 5.  Comparisons of segmentation performance and number of parameters between DSCA-Net and other networks on lung segmentation.
    Methods Dice Acc Sens Spec Params
    U-Net [10] 0.9675 0.9768 0.9441 0.9869 7.76 M
    CE-Net [4] - 0.9900 0.9800 - -
    ResU-Net (t = 2) [15] 0.9690 0.9849 0.9555 0.9945 -
    RU-Net (t = 2) [15] 0.9638 0.9836 0.9734 0.9866 4.2 M
    R2U-Net (t = 3) [15] 0.9826 0.9918 0.9826 0.9944 4.2 M
    DSCA-Net 0.9828 0.9920 0.9836 0.9895 2.2 M

     | Show Table
    DownLoad: CSV

    Table 6 shows the segmentation results of ablation study on lung segmentation dataset. By adding designed modules in sequence, each of the proposed modules improved segmentation performance of DSCA-Net. The backbone + DC + PA + CA exceeds U-Net 0.0138 in Dice, and DSCA-Net shows best performance in Dice, IoU and ASSD evaluation metrics.

    Table 6.  Quantitative evaluation of ablation study on lung segmentation dataset.
    Methods Dice IoU ASSD
    Lightweight U-Net (Backbone) 0.6160 0.4562 7.7274
    Backbone + DC 0.8597 0.7661 1.0903
    Backbone + DC + PA 0.9160 0.8471 1.3105
    Backbone + DC + PA + CA 0.9813 0.9631 0.1192
    DSCA-Net 0.9828 0.9662 0.0882

     | Show Table
    DownLoad: CSV

    The last application is nuclei segmentation of Triple-Negative Breast Cancer (TNBC) dataset. It has 50 images from 11 patients with the size of 512×512. To avoid overfitting of training process, we used data augmentation method to expand dataset with a total number of 500, including random flipping, random cropping, and random rotation with the angle in (π6,π6). The probability of process triggering in data augmentation methods is 0.5. As usual, we adopted the same split ratio of 7:1:2, with 350, 50,100 for training, validation, and testing.

    Figure 10 illustrates some comparative cases of prediction results between our designed network and U-Net on TNBC dataset. It can be viewed that DSCA-Net performs better than U-Net. However, incorrect segmentation results are also obtained in some segmenting areas, as shown in second line. The obscure color transitional areas and overlaid nuclei increases the difficulty to be segmented. For the relatively easy segmentation target, our network performs better.

    Figure 10.  Visualization results of nuclei segmentation dataset.

    Additionally, we compared DACA-Net with other networks: U-Net [10], DeconvNet [17], Ensemble [17], Kang et al. [19], DeepLabV3+ [43], and Up-Net-N4 [16]. The comparison results are shown in Table 7. Although the Sens is 0.0456 lower than Ensemble in Table 7, a combination of attention mechanism and data augmentation allows our DSCA-Net to score higher than state-of-the-art methods in Dice and Acc. Our model has 1/233.13 and 1/3.36 times fewer parameters than DeconvNet and Up-Net-N4, separately.

    Table 7.  Comparisons of segmentation performance and number of parameters between DSCA-Net and other networks on nuclei segmentation.
    Methods Dice Acc Sens Params
    U-Net [10] 0.8087 0.9344 0.7915 7.76 M
    DeconvNet [18] 0.8151 0.9541 0.7731 512.9 M
    Ensemble [17] 0.8083 0.9441 0.9000 -
    Kang et al. [19] 0.8343 - 0.8330 -
    DeepLabV3+ [43] 0.8014 0.9549 - 54.7 M
    Up-Net-N4 [16] 0.8369 0.9604 - 7.4 M
    DSCA-Net 0.8995 0.9583 0.8544 2.2 M

     | Show Table
    DownLoad: CSV

    According to the quantitative evaluation results, Table 8 demonstrates the effectiveness of our proposed modules. After adding the MEA module, our proposed network performs better, which indicates that segmented edge is closer to the label with less error.

    Table 8.  Quantitative evaluation of ablation study on nuclei segmentation dataset.
    Methods Dice IoU ASSD
    Lightweight U-Net (Backbone) 0.6261 0.4562 7.7274
    Backbone + DC 0.7587 0.6471 1.7348
    Backbone + DC + PA 0.7691 0.6680 0.8761
    Backbone + DC + PA + CA 0.8337 0.8025 0.6065
    DSCA-Net 0.8995 0.8231 0.5597

     | Show Table
    DownLoad: CSV

    To lighten the network parameters and maintain performance, we take fully advantages of U-Net and integrate designed modules in DSCA-Net for 2D medical image segmentation. First, DC module replaces stacked convolutional layers of U-Net for feature extraction and restoration. Second, PA module is designed to recover down-sampling feature loss. Third, CA module substitutes the simple concatenation operation in U-Net to extract richer context information. In addition, MEA module is proposed to realize segmenting target edges from multi-scale encoder information for final prediction. Evaluation metrics with other state-of-the-art networks showed the performance of DSCA-Net is better.

    Multi-group experimental visualized results are shown in Figures 710. It can be summarized that our model is more robust than U-Net. For the blurred edge details and occlusions in electron microscope images, our network can also distinguish the segmented target correctly. For the most challenging task like TNBC, the similarity of adherent nuclei and unobvious changed color with great morphological changes increases the difficulty of segmentation. Our proposed network has achieved better results compared with other networks. However, it still needs further development.

    The target of this study is to lighten parameters of the network while maintaining good performance. We design a lightweight depthwise separable convolutional neural network with an attention mechanism named DSCA-Net for accurate medical image segmentation. Our proposed network extracts richer feature information and reduces feature loss in segmentation processing compared with U-Net. We assessed our network on four datasets and collected segmentation results against state-of-the-art networks under various metrics. The visualization and quantitative results show that our network has better segmenting ability. We intend to utilize DSCA-Net to segment 3D images in the future.

    This study was supported by Shanghai Jiao Tong University Medical-industrial Cross-key Project under Grant ZH2018ZDA26, the Jiangsu Provincial Key Research and Development Fund Project under Grant BE2017601.

    The authors have no conflicts of interest to declare.


    Acknowledgments



    This work was supported by the higher education and science committee MESCS RA, in the frames of the research project no. 21AG-4D027.

    Conflict of interest



    The authors declare no conflict of interest.

    Author contributions



    AM and NS drafted the first manuscript; Authors provided approval of the final submitted manuscript.

    [1] Guenther E (2008) The essential oils: history-origin in plants-production-analysis. The Origin and Development of the Essential Oil Industry : 22-35.
    [2] Baser KHC, Buchbauer G (2009) Handbook of Essential Oils: Science, Technology and Applications. Boca Rato: CRC Press 1-3. https://doi.org/10.1201/9781420063165
    [3] Pauli A, Schilcher H (2010) In vitro antimicrobial activities of essential oils monographed in the European pharmacopoeia 8th Edition, in Handbook of essential oils. Science, Technology, and Applications . New York: CRC Press 353-547. https://doi.org/10.1201/9781420063165-c12
    [4] Guzmán E, Lucia A (2021) Essential oils and their individual components in cosmetic products. Cosmetics 8: 114. https://doi.org/10.3390/cosmetics8040114
    [5] Eslahi H, Fahimi N, Sardarian AR (2017) Chemical composition of essential oils: chemistry, safety and applications. Essential Oils in Food Processing . New Jersey: John Wiley & Sons 119-171. https://doi.org/10.1002/9781119149392
    [6] Davidenco V, Pelissero PJ, Argüello JA, et al. (2020) Ecophysiological determinants of oregano productivity: effects of plant's canopy architecture on radiation capture and use, biomass partitioning and essential oil yield. Sci Hortic 272: 109553. https://doi.org/10.1016/j.scienta.2020.109553
    [7] Sahakyan N (2023) Lamiaceae family plants: one of the potentially richest sources of antimicrobials. Pharm Chem J 57: 565-572. https://doi.org/10.1007/s11094-023-02921-1
    [8] Moghrovyan A, Sahakyan N, Babayan A, et al. (2019) Essential oil and ethanol extract of oregano (Origanum vulgare L.) from Armenian flora as natural source of terpenes, flavonoids and other phytochemicals with antiradical, antioxidant, metal chelating, tyrosinase inhibitory and antibacterial activity. Curr Pharm Des 25: 1809-1816. https://doi.org/10.2174/1381612825666190702095612
    [9] Moo ChL, Yang ShK, Osman MA, et al. (2020) Antibacterial activity and mode of action of β-caryophyllene on Bacillus cereus. Pol J Microbiol 69: 1-6. https://doi.org/10.33073/pjm-2020-007
    [10] Neta SMC, Vittorazzi C, Guimarães AC, et al. (2017) Effects of β-caryophyllene and Murraya paniculata essential oil in the murine hepatoma cells and in the bacteria and fungi 24-h time-kill curve studies. Pharm Biol 55: 190-197. https://doi.org/10.1080/13880209.2016.1254251
    [11] Santos E, Freitas PR, Araújo ACJ, et al. (2021) Enhanced antibacterial effect of antibiotics by the essential oil of Aloysia gratissima (Gillies & Hook.) Tronc. and its major constituent beta-caryophyllene. Phytomedicine Plus 1: 100100. https://doi.org/10.1016/j.phyplu.2021.100100
    [12] Yoo HJ, Jwa SK (2018) Inhibitory effects of β-caryophyllene on Streptococcus mutans biofilm. Arch Oral Biol 88: 42-46. https://doi.org/10.1016/j.archoralbio.2018.01.009
    [13] Isah MB, Tajuddeen N, Umar MI, et al. (2018) Terpenoids as emerging therapeutic agents: cellular targets and mechanisms of action against protozoan parasites. Stud Nat Prod Chem 59: 227-250. https://doi.org/10.1016/B978-0-444-64179-3.00007-4
    [14] Béjaoui A, Chaabane H, Jemli M, et al. (2013) Essential Oil composition and antibacterial activity of Origanum vulgare subsp. glandulosum desf. at different phenological stages. J Med Food 16: 1115-1120. https://doi.org/10.1089/jmf.2013.0079
    [15] Dutra TV, Castro JC, Menezes JL, et al. (2019) Bioactivity of oregano (Origanum vulgare) essential oil against Alicyclobacillus spp. Ind Crops Prod 129: 345-349. https://doi.org/10.1016/j.indcrop.2018.12.025
    [16] Wijesundara NM, Rupasinghe HV (2018) Essential oils from Origanum vulgare and Salvia officinalis exhibit antibacterial and anti-biofilm activities against Streptococcus pyogenes. Microb Pathog 117: 118-127. https://doi.org/10.1016/j.micpath.2018.02.026
    [17] Guimarães AC, Meireles LM, Lemos MF, et al. (2019) Antibacterial activity of terpenes and terpenoids present in essential oils. Molecules 24: 2471. https://doi.org/10.3390/molecules24132471
    [18] Han Y, Sun Zh, Chen W (2020) Antimicrobial susceptibility and antibacterial mechanism of limonene against Listeria monocytogenes. Molecules 25: 33. https://doi.org/10.3390/molecules25010033
    [19] Konuk HB, Ergüden B (2020) Phenolic–OH group is crucial for the antifungal activity of terpenoids via disruption of cell membrane integrity. Folia Microbiol 65: 775-783. https://doi.org/10.1007/s12223-020-00787-4
    [20] Moura WS, Souza SR, Campos FS, et al. (2020) Antibacterial activity of Siparuna guianensis essential oil mediated by impairment of membrane permeability and replication of pathogenic bacteria. Ind Crops Prod 146: 112142. https://doi.org/10.1016/j.indcrop.2020.112142
    [21] Chevecich CC, Müller-Sepúlveda A, Jara JA, et al. (2022) Origanum vulgare L. essential oil inhibits virulence patterns of Candida spp. and potentiates the effects of fluconazole and nystatin in vitro. BMC Complement Med Ther 22: 39. https://doi.org/10.1186/s12906-022-03518-z
    [22] Shu H, Chen H, Wang X, et al. (2019) Antimicrobial activity and proposed action mechanism of 3-carene against Brochothrix thermosphacta and Pseudomonas fluorescens. Molecules 24: 3246. https://doi.org/10.3390/molecules24183246
    [23] Thinh BB, Thin DB, OgunwandeIsiaka IA (2024) Chemical composition, antimicrobial and antioxidant properties of essential oil from the leaves of Vernonia volkameriifolia DC. Nat Prod Commun 19: 1-8. https://doi.org/10.1177/1934578X241239477
    [24] Santana JEG, Oliveira-Tintino CDM, Alencar GG, et al. (2024) Liposomal nanoformulations with trans-caryophyllene and caryophyllene oxide: do they have an inhibitory action on the efflux pumps NorA, Tet(K), MsrA, and MepA?. Chem Biol Interact 393: 110945. https://doi.org/10.1016/j.cbi.2024.110945
    [25] Lukas B, Schmiderer C, Novak J (2015) Essential oil diversity of European Origanum vulgare L. (Lamiaceae). Phytochem 119: 32-40. https://doi.org/10.1016/j.phytochem.2015.09.008
    [26] Moghrovyan A, Parseghyan L, Sevoyan G, et al. (2022) Antinociceptive, anti-inflammatory, and cytotoxic properties of Origanum vulgare essential oil, rich with β-caryophyllene and β-caryophyllene oxide. KJP 35: 140-151. https://doi.org/10.3344/kjp.2022.35.2.140
    [27] Alves-Silva JM, Zuzarte M, Girão H, et al. (2021) The role of essential oils and their main compounds in the management of cardiovascular disease risk factors. Molecules 26: 3506. https://doi.org/10.3390/molecules26123506
    [28] Avetisyan A, Markosian A, Petrosyan M, et al. (2017) Chemical composition and some biological activities of the essential oils from basil Ocimum different cultivars. BMC Complem Altern M 17: 60. https://doi.org/10.1186/s12906-017-1587-5
    [29] Ginovyan M, Sahakyan N, Petrosyan M, et al. (2021) Antioxidant potential of some herbs represented in Armenian flora and characterization of phytochemicals. Proceedings of the YSU B: Chemical and Biological Sciences 55: 25-38. https://doi.org/10.46991/PYSU:B/2021.55.1.025
    [30] Sahakyan N, Petrosyan M, Trchounian A (2019) The activity of Alkanna species in vitro culture and intact plant extracts against antibiotic resistant bacteria. Curr Pharm Des 25: 1861-1865. https://doi.org/10.2174/1381612825666190716112510
    [31] Sahakyan N, Petrosyan M (2022) Possible preventive effect of Ziziphora clinopodioides Lam. essential oil on some neurodegenerative disorders. OBM Neurobiol 6: 140. https://doi.org/10.21926/obm.neurobiol.2204140
    [32] Sahakyan N, Andreoletti P, Cherkaoui-Malki M, et al. (2021) Artemisia dracunculus L. essential oil phytochemical components trigger the activity of cellular antioxidant enzymes. J Food Biochem 45: 1-9. https://doi.org/10.1111/jfbc.13691
    [33] Sahakyan N, Bartoszek A, Jacob C, et al. (2020) Bioavailability of tannins and other oligomeric polyphenols: a still to be studied phenomenon. Curr Pharmacol Rep 6: 131-136. https://doi.org/10.1007/s40495-020-00217-6
    [34] Hambardzumyan S, Sahakyan N, Petrosyan M, et al. (2020) Origanum vulgare L. extract-mediated synthesis of silver nanoparticles, their characterization and antibacterial activities. AMB Expr 10: 162. https://doi.org/10.1186/s13568-020-01100-9
    [35] Hovhannisyan Z, Timotina M, Manoyan J, et al. (2022) Ribes nigrum L. extract-mediated green synthesis and antibacterial action mechanisms of silver nanoparticles. Antibiotics 11: 1415. https://doi.org/10.3390/antibiotics11101415
    [36] Sahakyan N, Nasim MJ, Jacob C, et al. (2024) Redoxification (of the organism) through diet and supplementation with a focus on natural polymeric redox modulators. Curr Pharmacol Rep 10: 85-95. https://doi.org/10.1007/s40495-024-00353-3
    [37] Leja K, Kończal KS, Świtała E, et al. (2019) The influence of selected plant essential oils on morphological and physiological characteristics in Pseudomonas orientalis. Foods 8: 277. https://doi.org/10.3390/foods8070277
    [38] Asif M, Saleem M, Saadullah M, et al. (2020) COVID-19 and therapy with essential oils having antiviral, anti-inflammatory, and immunomodulatory properties. Inflammopharmacology 28: 1153-1161. https://doi.org/10.1007/s10787-020-00744-0
    [39] Tariq S, Wani S, Rasool W, et al. (2019) A comprehensive review of the antibacterial, antifungal and antiviral potential of essential oils and their chemical constituents against drug-resistant microbial pathogens. Microb Pathogenesis 134: 103580. https://doi.org/10.1016/j.micpath.2019.103580
    [40] Cui H, Zhang C, Li C, et al. (2019) Antibacterial mechanism of oregano essential oil. Ind Crops Prod 139: 111498. https://doi.org/10.1016/j.indcrop.2019.111498
    [41] Lu M, Dai T, Murray CK, et al. (2018) Bactericidal property of oregano oil against multidrug-resistant clinical isolates. Front Microbiol 9: 2329. https://doi.org/10.3389/fmicb.2018.02329
    [42] Rai M, Paralikar P, Jogee P, et al. (2017) Synergistic antimicrobial potential of essential oilsin combination with nanoparticles: emerging trends and future perspectives. Int J Pharm 519: 67-78. https://doi.org/10.1016/j.ijpharm.2017.01.013
    [43] Tadevosyan S, Sahakyan N (2024) Influence of menthol on membrane-associated properties of tetracycline-resistant Escherichia coli. AIMS Biophys 11: 329-339. https://doi.org/10.3934/biophy.2024018
    [44] Chouhan S, Sharma K, Guleria S (2017) Antimicrobial activity of some essential oils—Present status and future perspectives. Medicines 4: 58. https://doi.org/10.3390/medicines4030058
    [45] Guillín Y, Cáceres M, Torres R, et al. (2021) Effect of essential oils on the inhibition of biofilm and quorum sensing in Salmonella enteritidis 13076 and Salmonella typhimurium 14028. Antibiotics 10: 1191. https://doi.org/10.3390/antibiotics10101191
    [46] Kalia M, Yadav VK, Singh PK, et al. (2015) Effect of cinnamon oil on quorum sensing-controlled virulence factors and biofilm formation in Pseudomonas aeruginosa. Plos One 10: e0135495. https://doi.org/10.1371/journal.pone.0135495
    [47] Alvarez MV, Ortega-Ramirez LA, Gutierrez-Pacheco MM, et al. (2014) Oregano essential oil-pectin edible films as anti-quorum sensing and food antimicrobial agents. Front Microbiol 175: 699. https://doi.org/10.3389/fmicb.2014.00699
    [48] Ulanowska M, Olas B (2021) Biological properties and prospects for the application of eugenol-a review. Int J Mol Sci 22: 3671. https://doi.org/10.3390/ijms22073671
    [49] Song X, Liu T, Wang L, et al. (2020) Antibacterial effects and mechanism of Mandarin (Citrus reticulata L.) essential oil against Staphylococcus aureus. Molecules 25: 4956. https://doi.org/10.3390/molecules25214956
    [50] Cui H, Zhang C, Li C, et al. (2018) Antimicrobial mechanism of clove oil on Listeria monocytogenes. Food Control 94: 140-146. https://doi.org/10.1016/j.foodcont.2018.07.007
    [51] Man A, Santacroce L, Romeo I, et al. (2019) Antimicrobial activity of six essential oils against a group of human pathogens: a comparative study. Pathogens 8: 15. https://doi.org/10.3390/pathogens8010015
    [52] Barbosa LN, Alves FCB, Andrade BF, et al. (2020) Proteomic analysis and antibacterial resistance mechanisms of Salmonella enteritidis submitted to the inhibitory effect of Origanum vulgare essential oil, thymol and carvacrol. J Proteomics 214: 103625. https://doi.org/10.1016/j.jprot.2019.103625
    [53] Medeiros ASJ, Carvalho RI, Conceição ML, et al. (2020) Influence of lipids and proteins amounts and pH values on the inhibitory effects of Origanum vulgare L. essential oil against Escherichia coli and Salmonella Typhimurium. Braz J Pharm Sci 56: e18468. https://doi.org/10.1590/s2175-97902020000118468
    [54] Dogruyol H, Mol S, Cosansu S (2020) Increased thermal sensitivity of Listeria monocytogenes in sous-vide salmon by oregano essential oil and citric acid. Food Microbiol 90: 103496. https://doi.org/10.1016/j.fm.2020.103496
    [55] Luo K, Zhao P, He Y, et al. (2022) Antibacterial effect of Oregano essential oil against Vibrio vulnificus and its mechanism. Foods 11: 403. https://doi.org/10.3390/foods11030403
    [56] Harmati M, Gyukity-Sebestyen E, Dobra G, et al. (2017) Binary mixture of Satureja hortensis and Origanum vulgare subsp. hirtum essential oils: in-vivo therapeutic efficiency against Helicobacter pylori infection. Helicobacter 22: e12350. https://doi.org/10.1111/hel.12350
    [57] Campos ACLP, Nandi RDS, Scandorieiro S, et al. (2022) Antimicrobial effect of Origanum vulgare (L.) essential oil as an alternative for conventional additives in the Minas cheese manufacture. LWT 157: 113063. https://doi.org/10.1016/j.lwt.2021.113063
    [58] György É, Laslo É, Kuzman IH, et al. (2020) The effect of essential oils and their combinations on bacteria from the surface of fresh vegetables. Food Sci Nutr 8: 5601-5611. https://doi.org/10.1002/fsn3.1864
    [59] Hao Y, Li J, Shi LA (2021) Carvacrol-rich essential oil extracted from Oregano (Origanum vulgare “hot & spicy”) exerts potent antibacterial effects against Staphylococcus aureus. Front Microbiol 12: 741861. https://doi.org/10.3389/fmicb.2021.741861
    [60] Lan W, Zhao X, Chen M, et al. (2022) Antimicrobial activity and mechanism of oregano essential oil against Shewanella putrefaciens. J Food Saf 42: e12952. https://doi.org/10.1111/jfs.12952
    [61] Simirgiotis MJ, Burton D, Parra F, et al. (2020) Antioxidant and antibacterial capacities of Origanum vulgare L. essential oil from the arid andean region of Chile and its chemical characterization by GC-MS. Metabolites 10: 414. https://doi.org/10.3390/metabo10100414
    [62] Khan M, Khan ShT, Khan M, et al. (2019) Chemical diversity in leaf and stem essential oils of Origanum vulgare L. and their effects on microbicidal activities. AMB Expr 9: 176. https://doi.org/10.1186/s13568-019-0893-3
    [63] Soltani S, Shakeri A, Iranshahi M, et al. (2021) Review of the phytochemistry and antimicrobial properties of Origanum vulgare L. and subspecies. IJPR 20: 268-285. https://doi.org/10.22037/ijpr.2020.113874.14539
    [64] Bouyahya A, Abrini J, Dakka N, et al. (2019) Essential oils of Origanum compactum increase membrane permeability, disturb cell membrane integrity, and suppress quorumsensing phenotype in bacteria. J Pharm Anal 9: 301-311. https://doi.org/10.1016/j.jpha.2019.03.001
    [65] Martínez FJ, Catalán EB, López MH, et al. (2021) Antibacterial plant compounds, extracts and essential oils: an updated review on their effects and putative mechanisms of action. Phytomedicine 90: 153626. https://doi.org/10.1016/j.phymed.2021.153626
    [66] Granata G, Stracquadanio S, Leonardi M, et al. (2021) Oregano and thyme essential oils encapsulated in chitosan nanoparticles as effective antimicrobial agents against foodborne pathogens. Molecules 26: 4055. https://doi.org/10.3390/molecules26134055
    [67] Weglarz Z, Kosakowska O, Przybył JL, et al. (2020) The quality of Greek oregano (O. vulgare L. subsp. hirtum (link) letswaart) and common oregano (O. vulgare L. subsp. vulgare) cultivated in the temperate climate of central Europe. Foods 9: 1671. https://doi.org/10.3390/foods9111671
    [68] Lofa A, Velasco V, Gerding M, et al. (2019) Antibiotic-resistant Staphylococcus aureus strains of swine origin: molecular typing and susceptibility to oregano (Origanum vulgare L.) essential oil and maqui (Aristotelia chilensis (Molina) Stuntz) extract. J Appl Microbiol 127: 1048-1056. https://doi.org/10.1111/jam.14393
    [69] Ghafari O, Sharifi A, Ahmadi A, et al. (2018) Antibacterial and anti-pmrA activity of plant essential oils against fluoroquinolone-resistant Streptococcus pneumoniae clinical isolates. Lett Appl Microbiol 67: 564-569. https://doi.org/10.1111/lam.13050
    [70] Perrin E, Maggini V, Maida I, et al. (2018) Antimicrobial activity of six essential oils against Burkholderia cepacia complex: insights into mechanism (s) of action. Future Microbiol 13: 59-67. https://doi.org/10.2217/fmb-2017-0121
    [71] D'Aquila P, Paparazzo E, Crudo M, et al. (2022) Antibacterial activity and epigenetic remodeling of essential oils from calabrian aromatic plants. Nutrients 14: 391. https://doi.org/10.3390/nu14020391
    [72] Taleb M, Abdeltawab NF, Shamma RN, et al. (2018) Origanum vulgare L. essential oil as a potential anti-acne topical nanoemulsion-in vitro and in vivo study. Molecules 23: 2164. https://doi.org/10.3390/molecules23092164
    [73] Kryvtsova M, Hrytsyna M, Salamon I (2020) Chemical composition and antimicrobial properties of essential oil from Origanum vulgare L. in different habitats. Biotechnol Acta 13: 64-72. https://doi.org/10.15407/biotech13.03.064
    [74] Silva ECA, Leuthier LL, Júnior AA, et al. (2022) Physicochemical characteristics and antimicrobial activity of Origanum vulgare L. essential oil and carvacrol on cariogenic bacteria: an in vitro and in silico study. Nat Prod Res 36: 6410-6413. https://doi.org/10.1080/14786419.2022.2034809
    [75] Hou H, Zhang X, Zhao T, et al. (2020) Effects of Origanum vulgare essential oil and its two main components, carvacrol and thymol, on the plant pathogen Botrytis cinerea. PeerJ 14: e9626. https://doi.org/10.7717/peerj.9626
    [76] Ergüden B (2021) Phenol group of terpenoids is crucial for antibacterial activity upon ion leakage. Lett Appl Microbiol 73: 438-445. https://doi.org/10.1111/lam.13529
    [77] Kachur K, Suntres Z (2020) The antibacterial properties of phenolic isomers, carvacrol and thymol. Crit Rev Food Sci Nutr 60: 3042-3053. https://doi.org/10.1080/10408398.2019.1675585
    [78] Selvaraj A, Valliammai A, Muthuramalingam P, et al. (2020) Carvacrol targets SarA and CrtM of methicillin-resistant Staphylococcus aureus to mitigate biofilm formation and staphyloxanthin synthesis: an in vitro and in vivo approach. ACS Omega 5: 31100-31114. https://doi.org/10.1021/acsomega.0c04252
    [79] Zhang D, Gan RY, Ge YY, et al. (2018) Research progress on the antibacterial mechanisms of carvacrol: a mini review. Bioact Health Dis 1: 71-81. https://doi.org/https://doi.org/10.31989/bchd.v1i6.551
    [80] Tian L, Wang X, Liu R, et al. (2021) Antibacterial mechanism of thymol against Enterobacter sakazakii. Food Control 123: 107716. https://doi.org/10.1016/j.foodcont.2020.107716
    [81] Liang Ch, Huang Sh, Geng Y, et al. (2022) A study on the antibacterial mechanism of thymol against Aeromonas hydrophila in vitro. Aquac Int 30: 115-112. https://doi.org/10.1007/s10499-021-00789-0
    [82] Guo F, Liang Q, Zhang M, et al. (2021) Antibacterial activity and mechanism of linalool against Shewanella putrefaciens. Molecules 26: 245. https://doi.org/10.3390/molecules26010245
    [83] He RR, Chen WJ, Chen HM, et al. (2021) Antibacterial mechanism of linalool against L. monocytogenes, ametabolomic study. Food Control 132: 108533. https://doi.org/10.1016/j.foodcont.2021.108533
    [84] Liu X, Cai J, Chen H, et al. (2020) Antibacterial activity and mechanism of linalool against Pseudomonas aeruginosa. Microb Pathog 141: 103980. https://doi.org/10.1016/j.micpath.2020.103980
    [85] Woo HJ, Yang JY, Lee MH, et al. (2020) Inhibitory effects of β-caryophyllene on Helicobacter pylori infection in vitro and in vivo. Int J Mol Sci 21: 1008. https://doi.org/10.3390/ijms21031008
    [86] Yoo HJ, Jwa SK (2019) Efficacy of β-caryophyllene for periodontal disease related factors. Arch Oral Biol 100: 113-118. https://doi.org/10.1016/j.archoralbio.2019.02.015
    [87] Francomano F, Caruso A, Barbarossa A, et al. (2019) Caryophyllene: a sesquiterpene with countless biological properties. Appl Sci 9: 5420. https://doi.org/10.3390/app9245420
    [88] Rodriguez TMR, Hernandez-Mendoza A, Gonzalez-Aguilar G, et al. (2019) Carvacrol as potential quorum sensing inhibitor of Pseudomonas aeruginosa and biofilm production on stainless steel surfaces. Food Control 75: 255-261. https://doi.org/10.1016/j.foodcont.2016.12.014
    [89] Lu M, Wong KI, Li X, et al. (2022) Oregano oil and harmless blue light to synergistically inactivate multidrug-resistant Pseudomonas aeruginosa. Front Microbiol 13: 810746. https://doi.org/10.3389/fmicb.2022.810746
    [90] Churklam W, Chaturongakul S, Ngamwongsatit B, et al. (2020) The mechanisms of action of carvacrol and its synergism with nisin against Listeria monocytogenes on sliced bologna sausage. Food Control 108: 106864. https://doi.org/10.1016/j.foodcont.2019.106864
    [91] Gökhan A (2022) Evaluation of cytotoxic, membrane damaging and apoptotic effects of Origanum majorana essential oil on lung cancer and epidermoid carcinoma cells. Cyprus J Med Sci 7: 201-206. https://doi.org/10.4274/cjms.2021.2021-142
    [92] Ahn C, Lee JH, Park MJ, et al. (2020) Cytostatic effects of plant essential oils on human skin and lung cells. Exp Ther Med 19: 2008-2018. https://doi.org/10.3892/etm.2020.8460
    [93] Alhasso B, Ghori MU, Conway BR (2022) Systematic review on the effectiveness of essential and carrier oils as skin penetration enhancers in pharmaceutical formulations. Sci Pharm 90: 14. https://doi.org/10.3390/scipharm90010014
  • This article has been cited by:

    1. Viet-Tien Pham, Ngoc-Tu Vu, Van-Truong Pham, Thi-Thao Tran, 2023, CellFormer: A DaViT Transformer-Based Method for Nuclei Segmentation, 979-8-3503-1584-4, 165, 10.1109/RIVF60135.2023.10471814
    2. João D. Nunes, Diana Montezuma, Domingos Oliveira, Tania Pereira, Jaime S. Cardoso, A survey on cell nuclei instance segmentation and classification: Leveraging context and attention, 2025, 99, 13618415, 103360, 10.1016/j.media.2024.103360
    3. MuYun Liu, XiangXi Du, JunYuan Hu, Xiao Liang, HaiJun Wang, Utilization of convolutional neural networks to analyze microscopic images for high-throughput screening of mesenchymal stem cells, 2024, 19, 2391-5412, 10.1515/biol-2022-0859
    4. Qile Zhang, Xiaoliang Jiang, Xiuqing Huang, Chun Zhou, MSR-Net: Multi-Scale Residual Network Based on Attention Mechanism for Pituitary Adenoma MRI Image Segmentation, 2024, 12, 2169-3536, 119371, 10.1109/ACCESS.2024.3449925
    5. Shangwang Liu, Peixia Wang, Yinghai Lin, Bingyan Zhou, SMRU-Net: skin disease image segmentation using channel-space separate attention with depthwise separable convolutions, 2024, 27, 1433-7541, 10.1007/s10044-024-01307-7
    6. Binh-Duong Dinh, Thanh-Thu Nguyen, Thi-Thao Tran, Van-Truong Pham, 2023, 1M parameters are enough? A lightweight CNN-based model for medical image segmentation, 979-8-3503-0067-3, 1279, 10.1109/APSIPAASC58517.2023.10317244
    7. Chenyang Lu, Guangtong Yang, Xu Qiao, Wei Chen, Qingyun Zeng, UniverDetect: Universal landmark detection method for multidomain X-ray images, 2024, 600, 09252312, 128157, 10.1016/j.neucom.2024.128157
    8. Ngoc-Tu Vu, Viet-Tien Pham, Thi-Thao Tran, Van-Truong Pham, 2023, PyBoFormer: Pyramid Selected Boundary Transformer for Polyp Segmentation, 979-8-3503-2878-3, 194, 10.1109/ICCAIS59597.2023.10382322
    9. Jiayuan Bai, Deep learning‐based intraoperative video analysis for supporting surgery, 2023, 35, 1532-0626, 10.1002/cpe.7837
    10. Niranjan Yadav, Rajeshwar Dass, Jitendra Virmani, Assessment of encoder-decoder-based segmentation models for thyroid ultrasound images, 2023, 61, 0140-0118, 2159, 10.1007/s11517-023-02849-4
    11. Wang Jiangtao, Nur Intan Raihana Ruhaiyem, Fu Panpan, A Comprehensive Review of U‐Net and Its Variants: Advances and Applications in Medical Image Segmentation, 2025, 19, 1751-9659, 10.1049/ipr2.70019
    12. Jing Sha, Xu Wang, Zhongyuan Wang, Lu Wang, DPFA‐UNet: Dual‐Path Fusion Attention for Accurate Brain Tumor Segmentation, 2025, 19, 1751-9659, 10.1049/ipr2.70084
  • Reader Comments
  • © 2024 the Author(s), licensee AIMS Press. This is an open access article distributed under the terms of the Creative Commons Attribution License (http://creativecommons.org/licenses/by/4.0)
通讯作者: 陈斌, bchen63@163.com
  • 1. 

    沈阳化工大学材料科学与工程学院 沈阳 110142

  1. 本站搜索
  2. 百度学术搜索
  3. 万方数据库搜索
  4. CNKI搜索

Metrics

Article views(2415) PDF downloads(108) Cited by(2)

Figures and Tables

Figures(2)  /  Tables(1)

Other Articles By Authors

/

DownLoad:  Full-Size Img  PowerPoint
Return
Return

Catalog