Skin Cancer Images Classification using Transfer Learning Techniques

Read original: arXiv:2406.12954 - Published 6/21/2024 by Md Sirajul Islam, Sanjeev Panta
Total Score

0

Skin Cancer Images Classification using Transfer Learning Techniques

Sign in to get full access

or

If you already have an account, we'll log you in

Introduction

This paper focuses on the use of transfer learning techniques to classify skin cancer images. Transfer learning is a machine learning approach that involves using a pre-trained model, often trained on a large and diverse dataset, as a starting point for a new task. This can be particularly useful when the target dataset is relatively small, as it allows the model to leverage the knowledge gained from the larger dataset.

Related Works

Skin Cancer Images Classification using Transfer Learning Techniques

The paper builds on a body of existing research on the use of transfer learning for skin cancer image classification. For example, Breast Cancer Image Classification Method Based on Deep Learning explored the use of transfer learning for breast cancer image classification, while Meta-Transfer for Derm Diagnosis: Exploring Few-Shot Learning for Improved Interpretability investigated the use of meta-transfer learning for improved interpretability in dermatological diagnosis.

Plain English Explanation

The researchers in this paper used a machine learning technique called transfer learning to help classify different types of skin cancer. Transfer learning involves taking a pre-trained model that has already learned a lot of general information, and then fine-tuning it to work on a new, specific task.

In this case, the researchers started with a model that had been trained on a large, diverse dataset of images. They then used this as a starting point to train a model to classify different types of skin cancer, using a relatively small dataset of skin cancer images. The idea is that the model can leverage the knowledge it has already gained from the larger dataset, rather than having to learn everything from scratch.

The researchers explored different ways of applying transfer learning, such as using different pre-trained models as the starting point, and adjusting the model architecture. They then evaluated the performance of these different approaches on the skin cancer image classification task.

Technical Explanation

The researchers experimented with several transfer learning techniques to classify skin cancer images, including:

  1. Fine-tuning pre-trained models: The researchers took pre-trained models like VGG-16, ResNet-50, and Inception-V3, and fine-tuned them on the skin cancer image dataset. This involves taking the pre-trained model and updating the weights of the final layers to specialize it for the skin cancer classification task.

  2. Feature extraction: Instead of fine-tuning the entire model, the researchers used the pre-trained models as feature extractors. They took the activations from the intermediate layers of the pre-trained models and used them as inputs to a new, relatively simple classifier model trained on the skin cancer dataset.

  3. Ensemble methods: The researchers combined multiple pre-trained models, either by averaging their predictions or by training a meta-classifier to combine their outputs.

The researchers evaluated these different transfer learning approaches on the HAM10000 dataset, a large dataset of skin lesion images. They measured the classification accuracy, as well as other performance metrics, to determine the most effective transfer learning techniques for this task.

Critical Analysis

The researchers acknowledge several limitations of their work. First, the skin cancer image dataset, while large, may not be representative of the full diversity of real-world skin cancer cases. The researchers suggest that further work is needed to evaluate the robustness of these transfer learning techniques on more diverse datasets.

Additionally, the researchers do not delve deeply into the interpretability of the transfer learning models. While the classification performance is important, understanding why the models make certain predictions could be crucial for building trust in automated skin cancer diagnosis systems. Future work could explore techniques for improved interpretability, such as Robust Melanoma Thickness Prediction via Deep Transfer.

Conclusion

This paper demonstrates the potential of transfer learning techniques for classifying skin cancer images. By leveraging pre-trained models, the researchers were able to achieve strong classification performance on a relatively small dataset of skin cancer images. However, further research is needed to address the limitations of the current work, such as the need for more diverse datasets and improved model interpretability. Overall, this paper provides valuable insights into the application of transfer learning for medical image analysis tasks.



This summary was produced with help from an AI and may contain inaccuracies - check out the links to read the original source documents!

Follow @aimodelsfyi on 𝕏 →

Related Papers

Skin Cancer Images Classification using Transfer Learning Techniques
Total Score

0

Skin Cancer Images Classification using Transfer Learning Techniques

Md Sirajul Islam, Sanjeev Panta

Skin cancer is one of the most common and deadliest types of cancer. Early diagnosis of skin cancer at a benign stage is critical to reducing cancer mortality. To detect skin cancer at an earlier stage an automated system is compulsory that can save the life of many patients. Many previous studies have addressed the problem of skin cancer diagnosis using various deep learning and transfer learning models. However, existing literature has limitations in its accuracy and time-consuming procedure. In this work, we applied five different pre-trained transfer learning approaches for binary classification of skin cancer detection at benign and malignant stages. To increase the accuracy of these models we fine-tune different layers and activation functions. We used a publicly available ISIC dataset to evaluate transfer learning approaches. For model stability, data augmentation techniques are applied to improve the randomness of the input dataset. These approaches are evaluated using different hyperparameters such as batch sizes, epochs, and optimizers. The experimental results show that the ResNet-50 model provides an accuracy of 0.935, F1-score of 0.86, and precision of 0.94.

Read more

6/21/2024

Skin Cancer Detection utilizing Deep Learning: Classification of Skin Lesion Images using a Vision Transformer
Total Score

0

Skin Cancer Detection utilizing Deep Learning: Classification of Skin Lesion Images using a Vision Transformer

Carolin Flosdorf, Justin Engelker, Igor Keller, Nicolas Mohr

Skin cancer detection still represents a major challenge in healthcare. Common detection methods can be lengthy and require human assistance which falls short in many countries. Previous research demonstrates how convolutional neural networks (CNNs) can help effectively through both automation and an accuracy that is comparable to the human level. However, despite the progress in previous decades, the precision is still limited, leading to substantial misclassifications that have a serious impact on people's health. Hence, we employ a Vision Transformer (ViT) that has been developed in recent years based on the idea of a self-attention mechanism, specifically two configurations of a pre-trained ViT. We generally find superior metrics for classifying skin lesions after comparing them to base models such as decision tree classifier and k-nearest neighbor (KNN) classifier, as well as to CNNs and less complex ViTs. In particular, we attach greater importance to the performance of melanoma, which is the most lethal type of skin cancer. The ViT-L32 model achieves an accuracy of 91.57% and a melanoma recall of 58.54%, while ViT-L16 achieves an accuracy of 92.79% and a melanoma recall of 56.10%. This offers a potential tool for faster and more accurate diagnoses and an overall improvement for the healthcare sector.

Read more

8/27/2024

Deep Transfer Learning for Breast Cancer Classification
Total Score

0

Deep Transfer Learning for Breast Cancer Classification

Prudence Djagba, J. K. Buwa Mbouobda

Breast cancer is a major global health issue that affects millions of women worldwide. Classification of breast cancer as early and accurately as possible is crucial for effective treatment and enhanced patient outcomes. Deep transfer learning has emerged as a promising technique for improving breast cancer classification by utilizing pre-trained models and transferring knowledge across related tasks. In this study, we examine the use of a VGG, Vision Transformers (ViT) and Resnet to classify images for Invasive Ductal Carcinoma (IDC) cancer and make a comparative analysis of the algorithms. The result shows a great advantage of Resnet-34 with an accuracy of $90.40%$ in classifying cancer images. However, the pretrained VGG-16 demonstrates a higher F1-score because there is less parameters to update. We believe that the field of breast cancer diagnosis stands to benefit greatly from the use of deep transfer learning. Transfer learning may assist to increase the accuracy and accessibility of breast cancer screening by allowing deep learning models to be trained with little data.

Read more

9/25/2024

Leveraging Knowledge Distillation for Lightweight Skin Cancer Classification: Balancing Accuracy and Computational Efficiency
Total Score

0

Leveraging Knowledge Distillation for Lightweight Skin Cancer Classification: Balancing Accuracy and Computational Efficiency

Niful Islam, Khan Md Hasib, Fahmida Akter Joti, Asif Karim, Sami Azam

Skin cancer is a major concern to public health, accounting for one-third of the reported cancers. If not detected early, the cancer has the potential for severe consequences. Recognizing the critical need for effective skin cancer classification, we address the limitations of existing models, which are often too large to deploy in areas with limited computational resources. In response, we present a knowledge distillation based approach for creating a lightweight yet high-performing classifier. The proposed solution involves fusing three models, namely ResNet152V2, ConvNeXtBase, and ViT Base, to create an effective teacher model. The teacher model is then employed to guide a lightweight student model of size 2.03 MB. This student model is further compressed to 469.77 KB using 16-bit quantization, enabling smooth incorporation into edge devices. With six-stage image preprocessing, data augmentation, and a rigorous ablation study, the model achieves an impressive accuracy of 98.75% on the HAM10000 dataset and 98.94% on the Kaggle dataset in classifying benign and malignant skin cancers. With its high accuracy and compact size, our model appears to be a potential choice for accurate skin cancer classification, particularly in resource-constrained settings.

Read more

7/1/2024