• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    ThyroidNet:A Deep Learning Network for Localization and Classification of Thyroid Nodules

    2024-01-20 13:00:58LuChenHuaqiangChenZhikaiPanShengXuGuangshengLaiShuwenChenShuihuaWangXiaodongGuandYudongZhang

    Lu Chen ,Huaqiang Chen ,Zhikai Pan ,Sheng Xu ,Guangsheng Lai ,Shuwen Chen,5,6 ,Shuihua Wang,Xiaodong Gu,6,★and Yudong Zhang

    1Ultrasonic Department,Zhongda Hospital Affiliated to Southeast University,Nanjing,210009,China

    2School of Physics and Information Engineering,Jiangsu Second Normal University,Nanjing,211200,China

    3School of Computing and Mathematical Sciences,University of Leicester,Leicester,LE1 7RH,UK

    4Department of Information Systems,Faculty of Computing and Information Technology,King Abdulaziz University,Jeddah,21589,Saudi Arabia

    5State Key Laboratory of Millimeter Waves,Southeast University,Nanjing,210096,China

    6Jiangsu Province Engineering Research Center of Basic Education Big Data Application,Jiangsu Second Normal University,Nanjing,211200,China

    7School of Software Engineering,Quanzhou Normal University,Quanzhou,362000,China

    8Department of Biological Sciences,Xi’an Jiaotong-Liverpool University,Suzhou,215123,China

    ABSTRACT Aim: This study aims to establish an artificial intelligence model,ThyroidNet,to diagnose thyroid nodules using deep learning techniques accurately.Methods:A novel method,ThyroidNet,is introduced and evaluated based on deep learning for the localization and classification of thyroid nodules.First,we propose the multitask TransUnet,which combines the TransUnet encoder and decoder with multitask learning.Second,we propose the DualLoss function,tailored to the thyroid nodule localization and classification tasks.It balances the learning of the localization and classification tasks to help improve the model’s generalization ability.Third,we introduce strategies for augmenting the data.Finally,we submit a novel deep learning model,ThyroidNet,to accurately detect thyroid nodules.Results:ThyroidNet was evaluated on private datasets and was comparable to other existing methods,including U-Net and TransUnet.Experimental results show that ThyroidNet outperformed these methods in localizing and classifying thyroid nodules.It achieved improved accuracy of 3.9% and 1.5%,respectively.Conclusion:ThyroidNet significantly improves the clinical diagnosis of thyroid nodules and supports medical image analysis tasks.Future research directions include optimization of the model structure,expansion of the dataset size,reduction of computational complexity and memory requirements,and exploration of additional applications of ThyroidNet in medical image analysis.

    KEYWORDS ThyroidNet;deep learning;TransUnet;multitask learning;medical image analysis

    1 Introduction

    1.1 Background and Significance

    A thyroid nodule is a localized mass within the thyroid gland that is typically painless and may be benign or malignant.In recent years,the incidence of thyroid nodules has been steadily increasing[1],significantly impacting people’s health and quality of life.Therefore,accurate and timely diagnosis of thyroid nodules and the development of appropriate treatment plans are of paramount importance.Ultrasonography is widely used in clinical practice to detect and evaluate thyroid nodules[2].However,the localization and classification of nodules still rely on the experience and judgment of medical professionals,leading to potential errors.Therefore,developing highly automated,accurate,and reliable methods for image localization and classification of thyroid nodules is of great clinical value[3].

    1.2 Clinical Requirements for Thyroid Nodules

    Clinical requirements for thyroid nodules[4]can be divided into two main aspects:first,accurate localization of nodules to facilitate measurement of size,shape,and other characteristics to provide evidence for clinical evaluation.Second,accurate classification of nodules,distinguishing between benign and malignant nodules,serves as a reference for devising treatment plans.Traditional image processing methods are challenged by image quality variability and the diversity of nodule shape and density[5].Therefore,developing novel methods that address the clinical need for thyroid nodule image analysis is essential.

    1.3 Application of Deep Learning in Medical Image Analysis

    Deep learning technology has made significant advances in computer vision,natural language processing [6],and other fields in recent years,particularly in image localization and classification tasks,where it has demonstrated exceptional performance.Deep learning methods overcome the limitations of manually designed features in traditional approaches by automatically learning complex patterns within the data [7].In medical image analysis,deep learning techniques have achieved remarkable results [8],such as lung nodule detection and skin cancer detection [5].Applying deep learning to localizing and classifying thyroid nodules in medical image analysis undoubtedly has great potential.Recently,some work has been done on the application of deep learning to thyroid imaging diagnosis by our research group.Our aim is to verify whether our models could automatically locate and classify thyroid nodules,and whether it could achieve the same high level of diagnostic accuracy as that of experienced radiologists.

    1.4 The Main Contributions of This Paper

    The main contributions of this paper are as follows:

    (1)In the multitask TransUNet,we propose combining the TransUnet encoder and decoder with multitask learning[9].

    (2)We propose DualLoss functions tailored to thyroid nodule localization and classification tasks,balancing the learning of localization and classification tasks to improve the generalization ability of the model[10].

    (3)We introduce data augmentation strategies and validate their effectiveness[11].

    (4)We submit a novel deep-learning model,ThyroidNet,to detect thyroid nodules accurately.

    (5)ThyroidNet performs better than other mainstream thyroid nodule localization and classification methods.

    In conclusion,we propose a ThyroidNet-based thyroid nodule detection that exploits the advantages of deep learning in medical image analysis and provides robust technical support for clinical diagnosis and treatment.

    2 Related Works

    2.1 Localization and Classification of Thyroid Nodule Image

    In recent years,significant progress has been achieved in the research of thyroid nodule image localization and classification[12].Traditional localization and classification methods mainly rely on manually designed features and various pattern recognition techniques,such as template matching[13],clustering algorithms,and machine learning classifiers,such as support vector machines(SVM)and decision trees.

    However,these methods face challenges when processing complex thyroid nodule images,such as unstable image quality and diversity in nodule shape and density [14].To address these issues,researchers have begun exploring deep-learning methods to facilitate thyroid nodule image localization and classification performance.Some research groups also made progress on the application of deep learning algorithms to thyroid ultrasound cancer diagnoses[15],and their experimental results achieved a high level of accuracy compared with radiologist’s manual identification[16,17].

    2.2 Deep Learning Models in Localization and Classification

    Deep learning models,particularly convolutional neural networks(CNNs),have shown excellent performance in image localization and classification tasks [18].Among them,deep networks such as VGG and ResNet have achieved remarkable results in classification tasks.In contrast,models such as YOLO (You Only Look Once) and SSD (Single Shot MultiBox Detector) have shown their effectiveness in object localization[19].

    In medical image analysis,these deep learning models have been extensively applied to tasks such as lung nodule localization and classification and other medical image analysis applications[20].The paper [15] proposed a kind of ensemble deep learning-based classification model (EDLC-TN) for precise thyroid nodules localization.The work[16]developed and trained a deep CNN model called the Brief Efficient Thyroid Network(BETNET)using 16,401 ultrasound images and demonstrates the general applicability.Then a multiscale detection network for classifying thyroid nodules was proposed with an attention-based method [17].By exploiting the strength of these models,researchers aim to develop more accurate and efficient methods for localization and classification tasks in medical image analysis.

    2.3 TransUnet

    TransUnet is an innovative deep-learning architecture that combines the advantages of Transformer and U-Net models,specifically designed for thyroid nodule localization and classification in medical image analysis [21].This architecture consists of encoder and decoder modules,where the encoder extracts high-level features from the input image combined with convolutional and transformer layers.

    The convolutional layers in TransUnet focus on capturing local information using local receptive fields,allowing the model to learn fine-grained details of the thyroid nodules.This allows TransUnet to capture medical images’intricate features and subtle patterns effectively[22].

    What sets TransUnet apart is the integration of Transformer layers,which excel at capturing longrange dependencies and global contextual information through their self-attention mechanism [23].This mechanism allows the model to consider relationships between spatially distant regions of the input image,resulting in a more comprehensive understanding of the overall structure and context of the image[24].

    By combining local and global feature extraction,TransUnet enhances its ability to localize and classify thyroid nodules accurately,overcoming the limitations of traditional methods that rely solely on local features.This capability is significant in medical image analysis,where thyroid nodules exhibit shape,density,and image quality variations.

    Integrating Transformer and U-Net into TransUnet provides a powerful framework for accurately analyzing thyroid nodules.The U-Net-like decoder maps the high-level features back into the original image space,enabling pixel-level segmentation and precise localization of thyroid nodules [25].Combining convolutional and transformer layers allows TransUnet to capture local detail and global context,improving segmentation and localization performance.

    2.4 Multitask Learning in Medical Image Analysis

    Multitask learning has emerged as a promising approach in the field of medical image analysis,aiming to improve the performance and generalization of deep learning models by jointly optimizing multiple related tasks[26].By exploiting the inherent relationships between tasks,multitask learning can effectively address the challenges posed by limited labeled data and complex dependencies between medical image analysis tasks[27].

    There are often multiple tasks of interest in medical image analysis,such as segmentation,classification,and localization [28].Traditionally,these tasks have been treated as separate and independent problems,leading to suboptimal performance and limited knowledge transfer between tasks.On the other hand,multitask learning provides a solution by enabling the model to learn shared representations that capture task-specific and shared information[29].

    By learning multiple tasks together,the model can benefit from the complementary information in the data,leading to improved performance on each task.For example,in thyroid nodule analysis,the nodule localization and classification tasks are closely related.Accurate localization is critical for accurate classification and vice versa.Multitask learning allows the model to exploit the interdependencies between these tasks,leading to improved performance in both localization and classification[30].

    In addition,multitask learning offers the advantage of improved generalization.By learning from multiple related tasks simultaneously,the model can better capture the underlying patterns and structures in the data,resulting in improved performance on unseen samples[31].This is particularly valuable in medical image analysis,where labeled data is often limited,and acquiring new labeled samples can be challenging.

    Several strategies can be used to implement multitask learning effectively.One common approach is to share the initial layers of the network across tasks,allowing the model to learn common representations [29].This facilitates knowledge transfer between tasks and promotes the discovery of task-specific features in subsequent layers.

    Appropriate loss functions and regularization techniques can be used to balance the learning process across tasks.This ensures that the model does not favor one task over the other and achieves a good trade-off between task-specific and shared representations.

    Overall,multitask learning holds great promise for medical image analysis tasks.Jointly optimizing multiple tasks allows the model to exploit the relationships and dependencies between them,improving performance and generalization.In the context of thyroid nodule analysis,multitask learning can improve localization,classification,and other related tasks,ultimately providing more accurate and reliable diagnostic capabilities for medical professionals[32].

    3 Methodology of Proposed ThyroidNet

    3.1 Datasets and Preprocessing

    3.1.1SourceandCompositionoftheDataset

    The thyroid nodule dataset used in this study is a private dataset derived from ultrasound images provided by the ultrasound department of Zhongda Hospital,affiliated with Southeast University,Nanjing,Jiangsu,China.The judgment of patient images is done by professional radiologists.The dataset contains 600 thyroid nodule images,covering six categories of a thyroid nodule,including no nodule,benign possible,low suspicious,moderately suspicious,highly suspicious,and highly malignant,as shown in Fig.1,with 100 images for each type of nodule.In addition,the dataset includes nodules of different shapes,sizes,and densities,which is conducive to training models with a strong generalization ability to meet the needs of practical clinical applications in the hospital.

    Figure 1:Six types of thyroid nodules in the dataset

    3.1.2DataPreprocessing

    Data preprocessing is essential in training ThyroidNet to improve the model’s effectiveness.In this study,several preprocessing methods were employed to ensure the quality and suitability of the dataset for training the deep learning model.

    Normalization: Normalization is used to standardize pixel values to account for variations in brightness and contrast between images.By dividing each pixel value by 255,the pixel values are rescaled to a range between 0 and 1.This normalization process eliminates differences in image intensities,allowing the model to concentrate on the relevant features of the thyroid nodules rather than being influenced by intensity variations.

    Cropping:Cropping is performed on the original images to reduce computational complexity and memory requirements without compromising the integrity of the nodules [33].A fixed size of 256×256 pixels is chosen for the cropped images in this study.The cropping area is determined based on the nodule boundary boxes,ensuring the nodules are centered within the cropped images.This cropping strategy helps to standardize the input size and allows the model to focus on the region of interest,facilitating accurate localization and classification of the nodules.

    Data pre-processing plays a crucial role in preparing the dataset for training ThyroidNet.The normalization step reduces the impact of intensity variations,allowing the model to learn meaningful patterns and features.Cropping images to a fixed size reduces computational complexity and ensures that nodules are prominently represented in the input data.These pre-processing techniques contribute to the overall performance of ThyroidNet by improving its ability to diagnose thyroid nodules accurately.

    3.2 Multitask TransUNet

    To address thyroid nodules’localization and classification tasks,we propose a multitask learning approach using a modified version of the TransUNet architecture.Our model,named ThyroidNet,combines the strengths of TransUNet for localization with an additional classification branch,allowing simultaneous learning of features relevant to both tasks and improving overall performance.

    In the proposed multitask TransUNet,we exploit the encoder-decoder architecture of TransUnet.The encoder module extracts high-level features from the input image using a combination of convolutional and transform layers.These layers allow ThyroidNet to extract local and global information for accurately localizing and classifying thyroid nodules.The encoder module is formulated as follows(1):

    In the decoder module,we introduce two separate branches: one for nodule localization and the other for nodule classification.The localization branch aims to generate precise spatial maps highlighting the exact locations of thyroid nodules within the input image.The classification branch,on the other hand,focuses on assigning labels to the detected nodules.

    The localization branch is formulated as follows(2):

    The classification branch is formulated as follows(3):

    The shared encoder parameters facilitate knowledge transfer between the localization and classification tasks,allowing the model to learn robust representations that capture task-specific and shared information.This sharing of encoder parameters increases learning efficiency and enables the model to exploit the complementary information present in the data[34].

    By jointly optimizing both tasks within a single model,ThyroidNet can exploit the interdependencies between localization and classification,improving performance in both tasks.The shared encoder architecture enables the model to learn rich,discriminative features that benefit localization and classification.

    Furthermore,the decoder module introduces a novel attention mechanism called Multi-Head Self-Attention (MHSA) [35] within the decoder module.MHSA allows ThyroidNet to pay attention to different regions of the input image simultaneously,thereby improving localization and capturing finegrained details of thyroid nodules.This attention mechanism enhances the model’s ability to focus on informative regions while suppressing irrelevant background regions,thereby improving overall performance.

    3.3 Proposed DualLoss Function

    The DualLoss function is a crucial component in ThyroidNet,designed to strike a balance between the learning of localization and classification tasks,thereby enhancing the model’s generalization ability.It is achieved by combining two separate loss functions,one for each task: the localization loss(L_loc)and the classification loss(L_class)[36].

    Localization Loss (L_loc):The localization loss is a critical metric for evaluating the model’s performance in accurately identifying the spatial position of thyroid nodules within medical images.It quantifies the discrepancy between the ground truth localization map,which represents the true locations of thyroid nodules,and the predicted localization map,which indicates the model’s estimation of nodule locations.The Dice loss function is a widely-used pixel-wise loss metric for this purpose(4).

    This loss function effectively captures the model’s performance in localizing thyroid nodules within medical images by measuring the agreement between the predicted and ground truth localization maps[37].ThyroidNet aims to improve its ability to accurately localize thyroid nodules in medical images by optimizing this loss during training.

    Classification Loss(L_class):The classification loss evaluates the model’s performance in correctly identifying the category of thyroid nodules in the images.It measures the dissimilarity between the ground truth labels and the predicted class probabilities.The multi-class cross-entropy loss is a widely used loss metric for multi-class classification problems.In this case,the classification loss is combined with the Dice loss function to form a modified loss function(5).

    Here,L_class denotes the modified classification loss,L_loc represents the Dice loss function for localization,and N is the total number of samples.The variablesyijandpijstand for the true label for thej-th class of thei-th sample(1 if the true class,0 otherwise)and the predicted probability for thej-th class of thei-th sample,respectively.The outer summationiterates over all samples in the dataset (from i=1 to N),while the inner summationiterates over all the classes in the problem(from j=1 to C).

    Incorporating the Dice loss function,the modified multi-class cross-entropy loss considers the model’s classification and localization performance [38].This joint loss function evaluates the model’s ability to classify thyroid nodules accurately while considering the localization information.ThyroidNet aims to improve its performance in classifying and localizing thyroid nodules within medical images by minimizing this combined loss during training.

    DualLoss:The DualLoss Function combines the Localization Loss (L_loc) and the modified Classification Loss (L_class).It is designed to optimize both localization and classification tasks simultaneously during the training process of ThyroidNet.The DualLoss Function can be defined as follows(6).

    In this equation,αandβare weight parameters that balance the contributions of the localization loss (L_loc) and the modified classification loss (L_class) to the overall DualLoss Function.By minimizing the DualLoss Function,ThyroidNet aims to improve its performance in accurately localizing and classifying thyroid nodules in medical images.The model adjusts the weight parametersαandβaccording to the application’s requirements,ensuring an optimal balance between localization and classification performance[39].

    3.4 Data Augmentation Strategy

    In order to further enhance the model’s generalization ability,we adopt a data augmentation strategy[11].Data augmentation generates new training samples through various image transformations,thus enlarging the scale of the training set.In this study,we used the following data augmentation methods:

    Rotation:The image is rotated at random angles,ranging from-15 to 15 degrees.This helps the model adapt to nodular images from different angles.

    Translation:The image is translated horizontally and vertically at random with a range of 5%of the image width and height.This helps the model adapt to different positions of the nodules in the image.

    Zoom:The image is randomly scaled with a range of 0.9 to 1.1 times.This helps the model adapt to nodules of different sizes.

    Flip:The image is flipped horizontally.This helps the model adapt to nodules in diverse directions[40].

    Contrast and brightness adjustment:The image is randomly adjusted for contrast and brightness,varying from 0.8 to 1.2 times.This helps the model adapt to images with different contrast and brightness[41].

    Using these data enhancement methods,as shown in Fig.2,we can significantly improve the model’s generalization ability and enhance its performance when handling actual clinical data.Simultaneously,data augmentation also is used to reduce overfitting and improve model performance on validation and test sets[42].In the subsequent experiments,we will evaluate the effects of numerous data augmentation methods on ThyroidNet’s performance to select the best augmentation strategy.

    Figure 2:Thyroid nodule image enhancement

    3.5 Architecture of ThyroidNet

    ThyroidNet’s specific structure is shown in Fig.3.ThyroidNet is an advanced deep learning architecture designed to localize and accurately classify thyroid nodules in medical images.By leveraging the strengths of TransUnet,the model effectively captures local and global features to enhance its performance [43].Multitask Learning is employed to optimize localization and classification tasks simultaneously,allowing the model to learn features relevant to both tasks concurrently[44].

    The DualLoss function,combining Localization Loss (L_loc) and the modified Classification Loss (L_class),plays a crucial role in balancing learning localization and classification tasks.This approach ensures the optimization of both tasks,leading to improved performance in accurately localizing and classifying thyroid nodules in medical images.

    By refining its performance in localizing and classifying thyroid nodules,ThyroidNet has the potential to significantly contribute to advancing medical imaging and diagnosis in the field of thyroid disease.

    Figure 3:ThroidNet neural network architecture diagram

    The ThyroidNet is an innovative deep learning-based method developed for thyroid nodule localization and classification tasks.Its design is motivated by the need to address the challenges associated with the efficient and accurate detection of thyroid nodules in medical images.The key components of ThyroidNet’s neural network structure are as follows:

    Integration of TransUnet:ThyroidNet leverages the TransUnet architecture,which combines the Transformer and U-Net models.The Transformer architecture,originally introduced for natural language processing tasks,has shown remarkable capabilities in capturing long-range dependencies and learning contextual information.By incorporating Transformer blocks into the U-Net,ThyroidNet can effectively model global context while retaining the excellent feature extraction capabilities of U-Net for image segmentation.

    Multitask Learning: To unify the localization and classification tasks and improve the overall performance of ThyroidNet,multitask learning is employed.The network is trained jointly to simultaneously perform both tasks,with shared feature representations.This enables the model to leverage the complementary information from localization and classification tasks,leading to enhanced detection and better classification of thyroid nodules.

    Data Augmentation Strategies: ThyroidNet utilizes various data augmentation techniques to augment the training dataset.Augmentation includes image rotations,flips,zooming,and other transformations,which help improve the model’s ability to generalize to diverse real-world clinical data.This ensures that ThyroidNet remains robust and effective even when dealing with variations in image appearances and nodule characteristics.

    DualLoss Function:The loss function used in ThyroidNet,referred to as DualLoss,is designed to handle both localization and classification tasks jointly.The DualLoss combines the Dice loss,which is well-suited for segmentation tasks,and the cross-entropy loss,commonly used in classification tasks.This combination enables ThyroidNet to effectively optimize the model for both tasks simultaneously,striking a balance between accurate localization and precise classification.

    3.6 Experimental Design

    3.6.1ExperimentalSettings

    Hardware environment:We experimented on a computer equipped with an NVIDIA GeForce RTX 3090 graphics card,64 GB of RAM,and an Intel Core i9-10900K processor.

    Software environment:We used the Python programming language for model implementation,using the PyTorch deep learning framework.We also used the OpenCV library for image processing and the Scikit-learn library for evaluation metrics.

    Training parameters:When training ThyroidNet,we adopted the following parameter settings:a learning rate of 10-4,a batch size of 64,and 500 training epochs.

    3.6.2SelectionofComparativeMethods

    To evaluate the performance of ThyroidNet,which integrates TransUnet for localization and multitask learning for the classification of six categories of thyroid nodules (including five positive categories),we selected the following comparison methods:

    U-net-based method:Comparing ThyroidNet with the classic U-net allowed us to evaluate the impact of incorporating TransUnet and multitask learning[17].

    TransUnet-based method:We compared ThyroidNet with the original TransUnet to evaluate the effect of incorporating multitask learning for classification tasks[19].

    Traditional image segmentation methods:ThyroidNet was also compared with traditional methods based on threshold segmentation to illustrate the superiority of deep learning methods in thyroid nodule segmentation and classification tasks.

    In addition,we compared the performance of ThyroidNet and the following models on the datasets in this experiment:

    FCN:ThyroidNet is compared with FCN as a benchmark model to assess the improvements achieved by incorporating TransUnet and multitask learning for thyroid nodule localization and classification tasks[45].

    Mask R-CNN:Mask R-CNN is compared with ThyroidNet to explore the advantages and disadvantages of instance-level segmentation methods for thyroid nodule localization and classification[46].

    SegNet:SegNet and ThyroidNet are compared to investigate the impact of different model architectures on thyroid nodule localization and classification tasks[47].

    DeepLab:DeepLab is another model to compare with ThyroidNet to investigate the benefits of multiscale feature extraction for thyroid nodule localization and classification[48].

    Finally,we tested the performance of ThyroidNet on different datasets to thoroughly evaluate its applicability and effectiveness in different scenarios.

    3.6.3EvaluationMetrics

    We used the following metrics to evaluate the performance of the model in the thyroid nodule localization and classification tasks[49]:

    Dice:The Dice coefficient measures segmentation quality ranging from 0 to 1.A higher Dice coefficient indicates more agreement between segmentation results and ground-truth annotations.

    Accuracy:Accuracy is an evaluation metric for classification tasks,representing the proportion of samples correctly classified by the model out of the total number of samples.

    Precision:Precision is an evaluation metric for classification tasks and represents the proportion of true positive cases correctly identified by the model out of all samples identified as positive cases by the model.

    Recall:Recall is an evaluation metric for classification tasks and represents the proportion of true positive cases correctly identified by the model out of all confirmed positive cases(covering five categories of thyroid nodules).

    F1:The F1 score is the harmonic mean of precision and recall and is used to evaluate the classification model’s performance comprehensively.The F1 score ranges from 0 to 1,with values closer to 1 indicating better model performance.

    In this study,we will separately calculate the performance metrics of ThyroidNet for different tasks,including the Dice coefficient,accuracy,precision,recall,and F1 score.At the same time,we will compare ThyroidNet with various control methods to comprehensively evaluate the performance of ThyroidNet.Through the above experimental design and evaluation metrics,we aim to explore in depth the performance of ThyroidNet in the localization and classification of thyroid nodules and provide further validation of its potential value in clinical applications.In addition,this study will provide valuable insights and guidance for future research in related areas.

    By incorporating TransUnet for localization and multitask learning for classification,we aim to provide an efficient and accurate thyroid nodule localization and classification method.The experimental design and evaluation metrics used in this study will help validate the performance and potential value of ThyroidNet in clinical applications,providing valuable insights and guidance for researchers and medical professionals working in thyroid nodule detection and related areas.By comparing ThyroidNet with various control methods and models,we will highlight the benefits of integrating TransUnet and multitask learning in thyroid nodule localization and classification tasks.

    4 Experiments

    4.1 Comparison of Localization and Classification Performance of ThyroidNet

    Table 1 compares different models’localization and classification performance,including ThyroidNet,U-Net,TransUnet,traditional image segmentation methods,FCN,Mask R-CNN,SegNet,and DeepLab.The evaluation metrics used for comparison include the Dice coefficient,accuracy,precision,recall rate,and F1 score[19,50,51].

    It is important to note that the reported performance of each model in Table 1 is contingent upon their specific training methodologies,with variations in the utilization of augmented data during training.However,ThyroidNet,in particular,achieved remarkable results by incorporating TransUnet and multitask learning.This led to significant improvements in the Dice coefficient,accuracy,precision,recall rate,and F1 score compared to U-Net,TransUnet-based,and traditional image segmentation methods.

    Table 1: The localization and classification performance comparison of different models

    ThyroidNet demonstrated a Dice coefficient of 0.957,accuracy of 0.950,precision of 0.984,recall rate of 0.971,and an F1 score of 0.976.In contrast,U-Net,TransUnet,traditional image segmentation methods,FCN,Mask R-CNN,SegNet,and DeepLab achieved lower scores across these metrics.These results indicate the superior performance of ThyroidNet in localizing and classifying thyroid nodules.

    Moving on to Table 2,it compares the localization and classification performance on different datasets.ThyroidNet consistently exhibited excellent performance across various datasets.Moreover,ThyroidNet achieved a comparable or even better performance than other models on each dataset,as reflected by the Dice coefficient,accuracy,precision,recall rate,and F1 score.

    Table 2: The localization and classification performance comparison of different data sets

    The results presented in Tables 1 and 2 demonstrate the outstanding performance of ThyroidNet.By incorporating TransUnet and multitask learning,ThyroidNet outperformed other models regarding the localization and classification of thyroid nodules.These findings emphasize the effectiveness of the proposed methodology and highlight the suitability of ThyroidNet for tasks involving thyroid nodule localization and classification.

    4.2 Performance of the Model under Different Data Augmentation Strategies,Network Structure Adjustments,and Loss Function Design

    We further investigated the performance of ThyroidNet,now based on TransUnet and multitask learning for thyroid nodule localization and classification,under different data augmentation strategies,network structure adjustments,and loss function designs.Table 3 shows the performance comparison for these scenarios:

    Table 3: Performance comparison under different strategies,adjustments,and designs

    The generalization ability of ThyroidNet is significantly improved when the data augmentation strategy is applied,as evidenced by the increase in the Dice coefficient,accuracy,precision,recall,and F1 score compared to the model without data augmentation.

    In addition,when trying different network structure adjustments,we found that combining TransUnet with multitask learning (MT) further optimized model performance,leading to better evaluation metrics.

    Finally,we investigated the effects of discrete loss function designs on model performance.We found that an appropriate loss function design (DualLoss: (7)) can help the model better balance localization and classification tasks,resulting in higher evaluation metrics than the alternative loss function(OriginalLoss:(7)).

    These findings support the importance of selecting appropriate data enrichment strategies,network structure adjustments,and loss function designs to optimize the performance of ThyroidNet in thyroid nodule localization and classification.

    4.3 Performance Differences of the Models in Different Categories of Thyroid Nodules

    We also assessed the performance differences of the models for different categories of thyroid nodules.Table 4 shows that ThyroidNet has a high recognition ability across distinct categories of thyroid nodules.However,the model’s performance slightly decreased in some categories,such as nodules with lower contrast or smaller size.This suggests that ThyroidNet still has room for improvement when dealing with these challenging nodules.

    Table 4: The performance difference of different types between thyroid nodules

    4.4 Visual Presentation of Model Performance

    We used the confusion matrix visualization method to demonstrate the model’s performance[52].The performance of ThyroidNet on the classification tasks of different thyroid nodules can be seen from the confusion matrix in Fig.4.The confusion matrix shows that most nodules were correctly classified,and only a few were misclassified.This proves that the model has a high classification accuracy.

    Figure 4:Confusion matrix

    In conclusion,ThyroidNet performs well in the localization and classification of thyroid nodules.ThyroidNet significantly improves the evaluation metrics compared to other methods.Experiments with different data augmentation strategies,network structure adjustments,and loss function designs show that the model has a better generalization ability and performance optimization potential[53].Although the model’s performance decreased slightly on certain difficult nodes,the overall performance was still very satisfactory.The visualization of the confusion matrix further confirmed the superior performance of ThyroidNet in the segmentation and classification of thyroid nodules.

    Regarding the numbers in Fig.4,it is crucial to explain the sum of values in each row being 10,as it relates to the composition of our dataset.Our dataset consists of six distinct types of thyroid nodules,with 100 images per type,and the test set constitutes ten percent of the entire dataset.Therefore,the confusion matrix reflects these proportions accurately.

    The model successfully focused on the thyroid nodule areas in the ultrasound images.As seen in Figs.4 and 5,the blue box area denotes the thyroid nodule location,and the heat map represents the visual location result.

    Figure 5: Localization of thyroid nodules.The blue circle is the location of the thyroid nodules,and the heat map represents the visualization results.Each column shows the same ultrasound image.The cold tone region of the visualization image is the most important part that our model could recognize

    5 Discuss and Future Work

    5.1 The Potential Value of ThyroidNet in Clinical Application

    ThyroidNet demonstrates strong performance in the localization and classification of thyroid nodules with high accuracy.This gives ThyroidNet significant potential value in clinical applications.By automatically and accurately identifying and classifying thyroid nodules,ThyroidNet helps reduce the risk of misdiagnosis and missed diagnoses and improves the effectiveness of clinical diagnosis[54].In addition,ThyroidNet can help clinicians develop more appropriate treatment plans,thereby improving patient outcomes and quality of life.

    5.2 Compare the Pros and Cons of Other Methods

    ThyroidNet has several advantages over U-Net,TransUnet-based methods,and traditional image segmentation methods:

    Applying TransUnet and multitask learning improves the model’s handling of thyroid nodule localization and classification tasks.

    Using data enhancement strategies improves the model’s generalization ability,making it more suitable for actual clinical data processing.

    Proper loss function design allows the model to balance localization and classification tasks,improving overall performance[55].

    However,other methods have advantages in certain aspects.For example,traditional image segmentation methods are more suitable for resource-constrained scenarios due to their low computational complexity and memory requirements[56].

    5.3 Limitations and Challenges of the Method

    Despite the remarkable performance of ThyroidNet in the tasks of localization and classification of thyroid nodules using TransUnet and multitask learning,some limitations and challenges remain:

    The model’s performance slightly decreases when dealing with low-contrast or small nodules,suggesting that ThyroidNet has room for improvement when dealing with these challenging nodules.

    Limited by the training dataset size,the model may need to be able to generalize sufficiently when confronted with more complex and diverse clinical data[57].

    ThyroidNet has relatively high computational complexity and memory requirements,which may make it unsuitable for certain resource-constrained scenarios[58].

    5.4 Future Research Directions and Applications

    Considering the above limitations and challenges,future research directions and applications can be explored from the following perspectives:

    Optimization of the model structure:The model structure can be improved to improve the performance on low contrast or small-size nodules.For example,introducing multiscale feature fusion allows the model to capture detailed and global information.

    Expanding the dataset size:To increase the generalization ability of the model,a larger dataset can be constructed by collecting more thyroid nodule data[59].At the same time,increasing data diversity helps the model to better adapt to actual clinical data.

    Reduce computing complexity and memory requirements:In resource-constrained scenarios,lightweight model structures can be developed to reduce computational complexity and memory requirements[60].In addition,model compression and distillation techniques can be used to maintain performance while reducing resource requirements.

    Multi-modal data fusion:As different imaging techniques can provide different information,multimodal data(e.g.,ultrasound,CT,MRI,etc.)can be fused[61]further to improve the localization and classification performance of thyroid nodules.

    Broadening the scope of application:ThyroidNet can be applied to other medical image localization and classification tasks,such as lung nodules and liver tumors,to explore the universality and adaptability of the model in different domains.

    In conclusion,ThyroidNet performs well in the localization and classification of thyroid nodules,providing robust support for clinical diagnosis and treatment.By continuously optimizing the model structure,expanding the dataset size,reducing the computational complexity and memory requirements,and expanding the application domain,ThyroidNet is expected to provide constructive solutions for more medical image analysis tasks in the future.

    6 Conclusion

    This paper presents ThyroidNet,an innovative deep learning-based thyroid nodule localization and classification method.ThyroidNet unifies the localization and classification tasks by incorporating TransUnet and multitask learning,thus facilitating efficient and accurate thyroid nodule detection.The experimental section details the design,evaluation metrics,and performance analysis of ThyroidNet.The experimental findings show that ThyroidNet outperforms other techniques in terms of thyroid nodule localization and classification accuracy.

    This paper’s primary contributions are as follows:

    ThyroidNet,a groundbreaking deep learning approach,has been devised to locate and classify thyroid nodules precisely.By integrating TransUnet and multitask learning,ThyroidNet achieves significant performance improvements in thyroid nodule localization and classification tasks.

    We are enhancing ThyroidNet’s performance through data augmentation strategies,network structure refinements,and loss function (DualLoss) design,resulting in a model with robust generalization capabilities suitable for handling real-world clinical data.

    A comprehensive comparison of ThyroidNet with other methods,including U-Net-based,TransUnet-based,traditional image segmentation methods,FCN,Mask R-CNN,SegNet,and DeepLab,was conducted,revealing the superior performance of ThyroidNet in terms of accuracy in the localization and classification of thyroid nodules.Furthermore,examining the variation in performance across various categories of thyroid nodules offers valuable insights that can be utilized to enhance and refine the model in future iterations.

    An exploration of ThyroidNet’s potential value in clinical practice,highlighting its ability to reduce the risk of misdiagnosis and missed diagnoses,increase diagnostic efficiency,and support the formulation of personalized treatment plans.

    Despite the impressive results of ThyroidNet in the localization and classification of thyroid nodules,there are still limitations and challenges to be addressed.Future research may include optimizing the model structure,increasing the dataset size,reducing computational complexity and memory requirements,and exploring applications in other medical imaging domains.By continuously refining and expanding its capabilities,ThyroidNet is expected to provide valuable solutions for various medical image analysis tasks and advance the medical imaging field by continuously refining and expanding its capabilities.

    Acknowledgement:The authors would like to thank the reviewers for their comments on this article and acknowledge the patients in Zhongda Hospital Affiliated to Southeast University and the public towards our research.

    Funding Statement:This paper is partially supported by MRC,UK (MC_PC_17171);Royal Society,UK (RP202G0230);BHF,UK (AA/18/3/34220);Hope Foundation for Cancer Research,UK(RM60G0680);GCRF,UK (P202PF11);Sino-UK Industrial Fund,UK (RP202G0289);LIAS,UK (P202ED10,P202RE969);Data Science Enhancement Fund,UK (P202RE237);Fight for Sight,UK(24NN201);Sino-UK Education Fund,UK(OP202006);BBSRC,UK(RM32G0178B8).

    Author Contributions:The authors confirm contribution to the paper as follows: study conception and design: Lu Chen,Huaqiang Chen,Xiaodong Gu;data collection: Lu Chen,Zhikai Pan,Sheng Xu,Guangsheng Lai;analysis and interpretation of results: Huaqiang Chen,Shuwen Chen;draft manuscript preparation: Lu Chen,Huaqiang Chen,Shuihua Wang,Yudong Zhang.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:The data that support the findings of this study are available on request from the corresponding author,upon reasonable request.

    Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

    三级国产精品片| 亚洲精品成人av观看孕妇| 国精品久久久久久国模美| 97热精品久久久久久| 亚洲国产精品成人久久小说| 老司机影院成人| 建设人人有责人人尽责人人享有的 | 婷婷六月久久综合丁香| 少妇丰满av| 波野结衣二区三区在线| 久久久久久久久久人人人人人人| av福利片在线观看| 高清在线视频一区二区三区| 国产精品久久久久久久久免| 成人性生交大片免费视频hd| 最近2019中文字幕mv第一页| 男人和女人高潮做爰伦理| 婷婷色综合www| 在现免费观看毛片| 国产淫片久久久久久久久| 精品欧美国产一区二区三| 亚洲精品第二区| 亚洲一区高清亚洲精品| 亚洲一区高清亚洲精品| 亚洲国产成人一精品久久久| 尾随美女入室| 久久久午夜欧美精品| 亚洲欧洲日产国产| 中文乱码字字幕精品一区二区三区 | 精品人妻偷拍中文字幕| 又粗又硬又长又爽又黄的视频| 日本一二三区视频观看| av黄色大香蕉| 国产精品1区2区在线观看.| 少妇丰满av| 69av精品久久久久久| 欧美成人精品欧美一级黄| 高清视频免费观看一区二区 | 欧美高清性xxxxhd video| 国产一区二区三区综合在线观看 | 国产高潮美女av| xxx大片免费视频| 99久久精品国产国产毛片| 国产大屁股一区二区在线视频| 黄色日韩在线| 又大又黄又爽视频免费| 国产免费视频播放在线视频 | 亚洲熟妇中文字幕五十中出| 大香蕉97超碰在线| 免费黄频网站在线观看国产| 成人亚洲欧美一区二区av| 日本wwww免费看| 91精品伊人久久大香线蕉| 成人亚洲精品av一区二区| 天天一区二区日本电影三级| 美女大奶头视频| 午夜亚洲福利在线播放| 超碰97精品在线观看| 国产伦在线观看视频一区| 国产黄频视频在线观看| 99九九线精品视频在线观看视频| 久久久久性生活片| 97超碰精品成人国产| 婷婷色麻豆天堂久久| 综合色av麻豆| 三级国产精品片| 91狼人影院| 国产精品无大码| 视频中文字幕在线观看| 男人狂女人下面高潮的视频| 不卡视频在线观看欧美| 精华霜和精华液先用哪个| 久久97久久精品| 亚洲av不卡在线观看| 不卡视频在线观看欧美| 日韩伦理黄色片| 久久韩国三级中文字幕| 亚洲精品乱码久久久v下载方式| 国产黄片美女视频| 九九久久精品国产亚洲av麻豆| 久久午夜福利片| 日韩欧美国产在线观看| 一级毛片黄色毛片免费观看视频| 亚州av有码| 在线 av 中文字幕| 可以在线观看毛片的网站| 精品人妻偷拍中文字幕| 亚洲最大成人av| 日本黄色片子视频| 日本三级黄在线观看| 男女视频在线观看网站免费| 亚洲精品,欧美精品| 国产精品久久久久久精品电影| 日本免费在线观看一区| 两个人的视频大全免费| 国产黄色免费在线视频| 一级a做视频免费观看| 97精品久久久久久久久久精品| 国产又色又爽无遮挡免| 久久99蜜桃精品久久| 综合色丁香网| 成人亚洲精品av一区二区| 国产精品一区二区在线观看99 | 午夜福利视频精品| 国产在线一区二区三区精| 熟女电影av网| 国产男人的电影天堂91| 国产成人aa在线观看| 日韩在线高清观看一区二区三区| 欧美日韩在线观看h| 天堂av国产一区二区熟女人妻| 夜夜看夜夜爽夜夜摸| 国产国拍精品亚洲av在线观看| 国产麻豆成人av免费视频| 中国美白少妇内射xxxbb| 97人妻精品一区二区三区麻豆| 91久久精品国产一区二区成人| 亚洲精品一区蜜桃| 国产午夜福利久久久久久| 国产精品三级大全| 乱系列少妇在线播放| 欧美日本视频| 欧美bdsm另类| 一级毛片我不卡| 欧美97在线视频| 男人舔奶头视频| 欧美日韩视频高清一区二区三区二| 午夜福利成人在线免费观看| 美女脱内裤让男人舔精品视频| 国产精品一区二区三区四区久久| 一级黄片播放器| 不卡视频在线观看欧美| 国产成人91sexporn| 大香蕉97超碰在线| 18+在线观看网站| 97人妻精品一区二区三区麻豆| 欧美成人一区二区免费高清观看| 国产色婷婷99| 国产亚洲5aaaaa淫片| 女人十人毛片免费观看3o分钟| 日本三级黄在线观看| 国产一级毛片七仙女欲春2| 国产精品日韩av在线免费观看| 美女高潮的动态| 看十八女毛片水多多多| 国产一区亚洲一区在线观看| 少妇人妻精品综合一区二区| 天天一区二区日本电影三级| 最近最新中文字幕免费大全7| 国产精品一区www在线观看| 亚洲精品一二三| 久久久久精品久久久久真实原创| 大香蕉97超碰在线| 在线播放无遮挡| 又大又黄又爽视频免费| 亚洲精品日本国产第一区| 91精品一卡2卡3卡4卡| 少妇丰满av| 亚洲四区av| 免费看不卡的av| 日韩中字成人| 久久午夜福利片| 九九爱精品视频在线观看| 日韩视频在线欧美| 白带黄色成豆腐渣| 两个人的视频大全免费| 97人妻精品一区二区三区麻豆| 国产精品精品国产色婷婷| 精品久久久精品久久久| 三级国产精品片| 国产精品.久久久| 国产男人的电影天堂91| 干丝袜人妻中文字幕| 国产男女超爽视频在线观看| 国产成人福利小说| 蜜桃亚洲精品一区二区三区| 欧美三级亚洲精品| 亚洲av电影在线观看一区二区三区 | 国产精品蜜桃在线观看| 永久网站在线| 青青草视频在线视频观看| 日日啪夜夜爽| 日韩av不卡免费在线播放| 欧美激情在线99| 亚洲在线自拍视频| av播播在线观看一区| 欧美xxxx黑人xx丫x性爽| 午夜视频国产福利| 最新中文字幕久久久久| 简卡轻食公司| 白带黄色成豆腐渣| 久久久久久国产a免费观看| 久久久久久久大尺度免费视频| 免费观看在线日韩| 18禁在线播放成人免费| 老师上课跳d突然被开到最大视频| 久久久亚洲精品成人影院| 欧美zozozo另类| 青春草视频在线免费观看| 五月伊人婷婷丁香| 国产淫片久久久久久久久| 国产一区二区三区综合在线观看 | 亚洲伊人久久精品综合| 99热6这里只有精品| 波野结衣二区三区在线| 国产亚洲最大av| av线在线观看网站| 亚洲精品亚洲一区二区| 久久午夜福利片| 欧美高清成人免费视频www| 国产精品av视频在线免费观看| 国产精品久久久久久精品电影小说 | 男人狂女人下面高潮的视频| 大话2 男鬼变身卡| 嫩草影院新地址| 国产免费又黄又爽又色| 国产三级在线视频| 国产亚洲av嫩草精品影院| 色5月婷婷丁香| 国产成年人精品一区二区| 啦啦啦啦在线视频资源| 国产免费福利视频在线观看| 搡老妇女老女人老熟妇| 大又大粗又爽又黄少妇毛片口| 五月伊人婷婷丁香| 久99久视频精品免费| 成年版毛片免费区| or卡值多少钱| 中文字幕人妻熟人妻熟丝袜美| 人人妻人人澡欧美一区二区| 大香蕉97超碰在线| 九草在线视频观看| 亚洲欧洲日产国产| 中文字幕人妻熟人妻熟丝袜美| av播播在线观看一区| 亚洲av免费高清在线观看| 看免费成人av毛片| 国产精品日韩av在线免费观看| 99久久人妻综合| 亚洲精品久久久久久婷婷小说| 欧美日韩国产mv在线观看视频 | a级一级毛片免费在线观看| 日本wwww免费看| 国产视频内射| 三级国产精品欧美在线观看| 色播亚洲综合网| 国产在线男女| 国产精品一及| 嘟嘟电影网在线观看| 男的添女的下面高潮视频| 国产精品久久视频播放| 欧美人与善性xxx| 国产成人精品婷婷| 亚洲不卡免费看| 国产精品国产三级专区第一集| 99久国产av精品国产电影| 欧美人与善性xxx| 九色成人免费人妻av| 国产久久久一区二区三区| 日产精品乱码卡一卡2卡三| 国产亚洲精品久久久com| 大香蕉久久网| 一级二级三级毛片免费看| 日韩视频在线欧美| 精品一区二区免费观看| 韩国高清视频一区二区三区| 三级国产精品欧美在线观看| 国产精品久久视频播放| 不卡视频在线观看欧美| 国产精品爽爽va在线观看网站| 亚洲av成人精品一区久久| 日韩伦理黄色片| 三级国产精品片| 1000部很黄的大片| 亚洲国产最新在线播放| 九草在线视频观看| av在线天堂中文字幕| 国产色婷婷99| 美女国产视频在线观看| 国产精品久久久久久久久免| 超色免费av| 美女国产高潮福利片在线看| 老司机影院毛片| 精品少妇久久久久久888优播| 欧美变态另类bdsm刘玥| 美女国产视频在线观看| 中文字幕亚洲精品专区| 丝袜人妻中文字幕| 久久久久精品性色| 欧美激情高清一区二区三区 | 中文字幕亚洲精品专区| 免费人妻精品一区二区三区视频| 曰老女人黄片| 香蕉丝袜av| 91精品国产国语对白视频| 欧美人与善性xxx| 丰满乱子伦码专区| 国产又爽黄色视频| 色婷婷av一区二区三区视频| 狠狠精品人妻久久久久久综合| 超色免费av| 水蜜桃什么品种好| 男女免费视频国产| 性色avwww在线观看| 岛国毛片在线播放| 日本av手机在线免费观看| 国产不卡av网站在线观看| 高清av免费在线| 老女人水多毛片| 人人妻人人澡人人看| 美女视频免费永久观看网站| 国产精品国产三级专区第一集| 9热在线视频观看99| 免费观看在线日韩| 国语对白做爰xxxⅹ性视频网站| 国产精品.久久久| 黄色怎么调成土黄色| 熟女av电影| 男女高潮啪啪啪动态图| 成年动漫av网址| 精品午夜福利在线看| 伊人久久国产一区二区| 亚洲av成人精品一二三区| 久热久热在线精品观看| 国产一区二区三区av在线| 日韩一区二区三区影片| 日韩一本色道免费dvd| 色婷婷久久久亚洲欧美| 大香蕉久久网| 男女边吃奶边做爰视频| 国产精品国产三级国产专区5o| 最近中文字幕2019免费版| 男人操女人黄网站| 久久影院123| 久久精品国产a三级三级三级| 成人毛片60女人毛片免费| 亚洲av福利一区| 国产一级毛片在线| 亚洲色图 男人天堂 中文字幕| 精品少妇一区二区三区视频日本电影 | 亚洲中文av在线| 91在线精品国自产拍蜜月| 亚洲久久久国产精品| 国产日韩一区二区三区精品不卡| kizo精华| 久久影院123| 国产不卡av网站在线观看| 黑人猛操日本美女一级片| 秋霞伦理黄片| 免费久久久久久久精品成人欧美视频| 国产免费又黄又爽又色| 中文精品一卡2卡3卡4更新| 一级爰片在线观看| 各种免费的搞黄视频| 老女人水多毛片| 一级毛片 在线播放| 精品人妻一区二区三区麻豆| 性少妇av在线| 97在线人人人人妻| 99久久中文字幕三级久久日本| 亚洲精品一区蜜桃| 亚洲国产av影院在线观看| 亚洲图色成人| 国产一区二区在线观看av| 九九爱精品视频在线观看| 日韩不卡一区二区三区视频在线| 纯流量卡能插随身wifi吗| 久久精品国产自在天天线| 中文字幕制服av| av福利片在线| 欧美成人午夜免费资源| 精品一区二区三区四区五区乱码 | 午夜福利影视在线免费观看| 中文字幕人妻丝袜制服| 在现免费观看毛片| 精品福利永久在线观看| 国产 精品1| 91午夜精品亚洲一区二区三区| 九色亚洲精品在线播放| 视频在线观看一区二区三区| 黄网站色视频无遮挡免费观看| 国产精品成人在线| 亚洲国产欧美日韩在线播放| 99热国产这里只有精品6| 18禁观看日本| 亚洲国产av新网站| 精品亚洲成国产av| 国产男人的电影天堂91| 日韩一区二区视频免费看| 男女边吃奶边做爰视频| 国产不卡av网站在线观看| 亚洲av电影在线观看一区二区三区| 免费在线观看完整版高清| 黄片播放在线免费| 看免费成人av毛片| 大片免费播放器 马上看| 亚洲成人av在线免费| 亚洲精品国产av成人精品| 日本-黄色视频高清免费观看| 女性被躁到高潮视频| 伊人亚洲综合成人网| 免费黄色在线免费观看| 两性夫妻黄色片| 黄色 视频免费看| 欧美bdsm另类| 97在线人人人人妻| 在线观看三级黄色| 少妇的逼水好多| 制服人妻中文乱码| 日本黄色日本黄色录像| 99久久综合免费| 国产av精品麻豆| 欧美国产精品va在线观看不卡| 国产女主播在线喷水免费视频网站| 午夜激情av网站| av在线观看视频网站免费| 婷婷成人精品国产| 日韩不卡一区二区三区视频在线| 老女人水多毛片| 国产亚洲欧美精品永久| kizo精华| 国产av国产精品国产| 久久女婷五月综合色啪小说| 欧美 亚洲 国产 日韩一| 男女下面插进去视频免费观看| 一二三四在线观看免费中文在| 在线观看免费日韩欧美大片| 欧美 日韩 精品 国产| 日韩不卡一区二区三区视频在线| 久久久a久久爽久久v久久| 亚洲精品国产一区二区精华液| 免费看不卡的av| 亚洲精品久久午夜乱码| 老司机影院毛片| 免费日韩欧美在线观看| 国产黄色免费在线视频| 如何舔出高潮| 女人精品久久久久毛片| 久久狼人影院| 国产人伦9x9x在线观看 | 日韩免费高清中文字幕av| 午夜福利网站1000一区二区三区| 亚洲三区欧美一区| 久久精品国产自在天天线| 极品少妇高潮喷水抽搐| 国产精品亚洲av一区麻豆 | 男女下面插进去视频免费观看| 国产精品免费视频内射| 香蕉国产在线看| av线在线观看网站| av网站在线播放免费| 亚洲精品一二三| 久久青草综合色| 尾随美女入室| 国产精品一区二区在线不卡| 亚洲精品美女久久av网站| 精品少妇内射三级| 国产精品.久久久| xxxhd国产人妻xxx| 久久久久久久久久人人人人人人| 男人爽女人下面视频在线观看| 亚洲精品视频女| 欧美亚洲日本最大视频资源| 国产成人免费观看mmmm| 欧美变态另类bdsm刘玥| 亚洲,一卡二卡三卡| 美女脱内裤让男人舔精品视频| 人妻少妇偷人精品九色| 如日韩欧美国产精品一区二区三区| 亚洲图色成人| www.精华液| 久久精品国产亚洲av涩爱| 欧美日韩国产mv在线观看视频| 精品福利永久在线观看| 黄色 视频免费看| 亚洲av.av天堂| 午夜福利乱码中文字幕| 久久青草综合色| 在线天堂最新版资源| 九色亚洲精品在线播放| 日韩一卡2卡3卡4卡2021年| 老汉色∧v一级毛片| 精品国产一区二区久久| 亚洲精品久久成人aⅴ小说| 观看美女的网站| 亚洲经典国产精华液单| 免费在线观看视频国产中文字幕亚洲 | 日日爽夜夜爽网站| 男女免费视频国产| 热re99久久精品国产66热6| 精品一区二区免费观看| 国产av一区二区精品久久| av在线播放精品| 免费观看av网站的网址| 精品国产超薄肉色丝袜足j| 日韩一卡2卡3卡4卡2021年| 久久这里有精品视频免费| 黄色怎么调成土黄色| 香蕉丝袜av| 在线免费观看不下载黄p国产| 少妇被粗大猛烈的视频| 欧美97在线视频| 人人妻人人添人人爽欧美一区卜| 日本免费在线观看一区| 激情视频va一区二区三区| av片东京热男人的天堂| 午夜免费男女啪啪视频观看| 少妇猛男粗大的猛烈进出视频| 国产女主播在线喷水免费视频网站| 成人二区视频| 精品午夜福利在线看| 伦精品一区二区三区| av电影中文网址| 丝袜人妻中文字幕| 女人高潮潮喷娇喘18禁视频| 搡老乐熟女国产| 国产成人精品在线电影| 97精品久久久久久久久久精品| 国产国语露脸激情在线看| 成年女人在线观看亚洲视频| 啦啦啦视频在线资源免费观看| 永久免费av网站大全| 蜜桃国产av成人99| 精品午夜福利在线看| 99re6热这里在线精品视频| 高清欧美精品videossex| 91国产中文字幕| videos熟女内射| 成人漫画全彩无遮挡| 国产av码专区亚洲av| 麻豆乱淫一区二区| 最近最新中文字幕免费大全7| a级片在线免费高清观看视频| 咕卡用的链子| 91国产中文字幕| 天天躁狠狠躁夜夜躁狠狠躁| 国产精品女同一区二区软件| 欧美日韩一区二区视频在线观看视频在线| 国产精品一二三区在线看| 99久久中文字幕三级久久日本| 免费在线观看完整版高清| 春色校园在线视频观看| av在线观看视频网站免费| 国产亚洲av片在线观看秒播厂| 两个人看的免费小视频| 欧美xxⅹ黑人| 亚洲国产成人一精品久久久| 国产精品三级大全| 亚洲人成77777在线视频| 秋霞在线观看毛片| 十分钟在线观看高清视频www| 午夜福利,免费看| av不卡在线播放| 婷婷色综合大香蕉| 一区二区日韩欧美中文字幕| 嫩草影院入口| 国产精品国产三级专区第一集| 国产亚洲av片在线观看秒播厂| 欧美日韩视频高清一区二区三区二| 永久网站在线| 欧美成人精品欧美一级黄| 日本猛色少妇xxxxx猛交久久| 国产一区二区三区综合在线观看| a 毛片基地| 一区二区av电影网| 国产又色又爽无遮挡免| 亚洲精品国产av成人精品| 午夜av观看不卡| 久久狼人影院| 久久热在线av| 免费在线观看完整版高清| 午夜免费鲁丝| 黄色一级大片看看| 99久久综合免费| 久久精品国产亚洲av高清一级| 日韩一区二区三区影片| 婷婷色综合大香蕉| 久久精品国产a三级三级三级| 可以免费在线观看a视频的电影网站 | 久久97久久精品| 精品人妻熟女毛片av久久网站| 精品第一国产精品| 亚洲国产日韩一区二区| 午夜福利视频精品| 日本免费在线观看一区| 美女国产高潮福利片在线看| 一区二区三区精品91| 纯流量卡能插随身wifi吗| 成人国语在线视频| 80岁老熟妇乱子伦牲交| 日本av手机在线免费观看| 久久国产精品大桥未久av| 老司机亚洲免费影院| 欧美亚洲 丝袜 人妻 在线| 亚洲精品国产av蜜桃| 免费不卡的大黄色大毛片视频在线观看| 国产精品香港三级国产av潘金莲 | 黄网站色视频无遮挡免费观看| 91aial.com中文字幕在线观看| 久久精品熟女亚洲av麻豆精品| av卡一久久| 久久99蜜桃精品久久| 精品视频人人做人人爽| 精品卡一卡二卡四卡免费| 大香蕉久久成人网| 精品视频人人做人人爽| 午夜老司机福利剧场| 波多野结衣一区麻豆| 少妇的逼水好多| 免费在线观看视频国产中文字幕亚洲 | 美女国产高潮福利片在线看| 精品久久久久久电影网| 久久精品国产亚洲av涩爱| 久久精品夜色国产| 久久久久视频综合|