817 research outputs found

    Knowledge Transfer for Melanoma Screening with Deep Learning

    Full text link
    Knowledge transfer impacts the performance of deep learning -- the state of the art for image classification tasks, including automated melanoma screening. Deep learning's greed for large amounts of training data poses a challenge for medical tasks, which we can alleviate by recycling knowledge from models trained on different tasks, in a scheme called transfer learning. Although much of the best art on automated melanoma screening employs some form of transfer learning, a systematic evaluation was missing. Here we investigate the presence of transfer, from which task the transfer is sourced, and the application of fine tuning (i.e., retraining of the deep learning model after transfer). We also test the impact of picking deeper (and more expensive) models. Our results favor deeper models, pre-trained over ImageNet, with fine-tuning, reaching an AUC of 80.7% and 84.5% for the two skin-lesion datasets evaluated.Comment: 4 page

    Denoising Adversarial Autoencoders: Classifying Skin Lesions Using Limited Labelled Training Data

    Full text link
    We propose a novel deep learning model for classifying medical images in the setting where there is a large amount of unlabelled medical data available, but labelled data is in limited supply. We consider the specific case of classifying skin lesions as either malignant or benign. In this setting, the proposed approach -- the semi-supervised, denoising adversarial autoencoder -- is able to utilise vast amounts of unlabelled data to learn a representation for skin lesions, and small amounts of labelled data to assign class labels based on the learned representation. We analyse the contributions of both the adversarial and denoising components of the model and find that the combination yields superior classification performance in the setting of limited labelled training data.Comment: Under consideration for the IET Computer Vision Journal special issue on "Computer Vision in Cancer Data Analysis

    Cancer diagnosis using deep learning: A bibliographic review

    Get PDF
    In this paper, we first describe the basics of the field of cancer diagnosis, which includes steps of cancer diagnosis followed by the typical classification methods used by doctors, providing a historical idea of cancer classification techniques to the readers. These methods include Asymmetry, Border, Color and Diameter (ABCD) method, seven-point detection method, Menzies method, and pattern analysis. They are used regularly by doctors for cancer diagnosis, although they are not considered very efficient for obtaining better performance. Moreover, considering all types of audience, the basic evaluation criteria are also discussed. The criteria include the receiver operating characteristic curve (ROC curve), Area under the ROC curve (AUC), F1 score, accuracy, specificity, sensitivity, precision, dice-coefficient, average accuracy, and Jaccard index. Previously used methods are considered inefficient, asking for better and smarter methods for cancer diagnosis. Artificial intelligence and cancer diagnosis are gaining attention as a way to define better diagnostic tools. In particular, deep neural networks can be successfully used for intelligent image analysis. The basic framework of how this machine learning works on medical imaging is provided in this study, i.e., pre-processing, image segmentation and post-processing. The second part of this manuscript describes the different deep learning techniques, such as convolutional neural networks (CNNs), generative adversarial models (GANs), deep autoencoders (DANs), restricted Boltzmann’s machine (RBM), stacked autoencoders (SAE), convolutional autoencoders (CAE), recurrent neural networks (RNNs), long short-term memory (LTSM), multi-scale convolutional neural network (M-CNN), multi-instance learning convolutional neural network (MIL-CNN). For each technique, we provide Python codes, to allow interested readers to experiment with the cited algorithms on their own diagnostic problems. The third part of this manuscript compiles the successfully applied deep learning models for different types of cancers. Considering the length of the manuscript, we restrict ourselves to the discussion of breast cancer, lung cancer, brain cancer, and skin cancer. The purpose of this bibliographic review is to provide researchers opting to work in implementing deep learning and artificial neural networks for cancer diagnosis a knowledge from scratch of the state-of-the-art achievements

    A deep convolutional structure-based approach for accurate recognition of skin lesions in dermoscopy images

    Get PDF
    One-third of all cancer diagnoses worldwide are skin malignancies. One of the most common tumors, skin cancer can develop from a variety of dermatological conditions and is subdivided into different categories based on its textile, color, body, and other morphological characteristics. The most effective strategy to lower the mortality rate of melanoma is early identification because skin cancer incidence has been on the rise recently. In order to categorize dermoscopy images into the four diagnosis classifications of melanoma, benign, malignant, and human against machine (HAM) not melanoma, this research suggests a computer-aided diagnosis (CAD) system. Experimental results show that the suggested approach enabled 97.25% classification accuracy. In order to automate the identification of skin cancer and expedite the diagnosis process in order to save a life, the proposed technique offers a less complex and cutting-edge framework

    Stacked Cross Validation with Deep Features: A Hybrid Method for Skin Cancer Detection

    Get PDF
    Detection of malignant skin lesions is important for early and accurate diagnosis of skin cancer. In this work, a hybrid method for malignant lesion detection from dermoscopy images is proposed. The method combines the feature extraction process of convolutional neural networks (CNN) with an ensemble learner called stacked cross-validation (CV). The features extracted by three different CNN architectures, namely, ResNet50, Xception, and VGG16 are used for training of four different baseline classifiers, which are support vector machines, k-nearest neighbors, artificial neural networks, and random forests. The stacked outputs of these classifiers are used to train a logistic regression model as a meta-classifier. The performance of the proposed method is compared with the baseline classifiers trained individually as well as AdaBoost classifier, another ensemble learner. Feature extraction with Xception architecture, outperforms all other benchmark models by achieving scores of 0.909, 0.896, 0.886, and 0.917 for accuracy, F1-score, sensitivity, and AUC, respectively

    Convolutional Neural Networks for Predicting Skin Lesions of Melanoma

    Get PDF
    Diagnosis of an unknown skin lesion is crucial to enable proper treatments. While curable with early diagnosis, only highly trained dermatologists are capable of accurately recognize melanoma skin lesions. Expert dermatologist classification for melanoma dermoscopic images is 65-66%. As expertise is in limited supply, systems that can automatically classify skin lesions as either benign or malignant melanoma are very useful as initial screening tools. Towards this goal, this study presents a convolutional neural network model, trained on features extracted from a highway convolutional neural network pretrained on dermoscopic images of skin lesions. This requires no lesion segmentation nor complex preprocessing. Further, it doesn’t cost much computational power to train the model. This proposed approach achieves a favorable training accuracy of 98%, validation accuracy of 64.57% and validation loss 0.07 in the model with 46% sensitivity and 64% classification accuracy in testing data
    • …
    corecore