Skip to main content

SYSTEMATIC REVIEW article

Front. Med., 07 August 2024
Sec. Dermatology
This article is part of the Research Topic Deep Learning for Medical Imaging Applications View all 5 articles

A review of psoriasis image analysis based on machine learning

\r\nHuihui Li
Huihui Li1*Guangjie ChenGuangjie Chen1Li Zhang,Li Zhang2,3Chunlin Xu
Chunlin Xu1*Ju Wen,Ju Wen2,3
  • 1School of Computer Science, Guangdong Polytechnic Normal University, Guangzhou, China
  • 2The Second School of Clinical Medicine, Southern Medical University, Guangzhou, China
  • 3Department of Dermatology, Guangdong Second Provincial General Hospital, Guangzhou, China

Machine Learning (ML), an Artificial Intelligence (AI) technique that includes both Traditional Machine Learning (TML) and Deep Learning (DL), aims to teach machines to automatically learn tasks by inferring patterns from data. It holds significant promise in aiding medical care and has become increasingly important in improving professional processes, particularly in the diagnosis of psoriasis. This paper presents the findings of a systematic literature review focusing on the research and application of ML in psoriasis analysis over the past decade. We summarized 53 publications by searching the Web of Science, PubMed and IEEE Xplore databases and classified them into three categories: (i) lesion localization and segmentation; (ii) lesion recognition; (iii) lesion severity and area scoring. We have presented the most common models and datasets for psoriasis analysis, discussed the key challenges, and explored future trends in ML within this field. Our aim is to suggest directions for subsequent research.

1 Introduction

Psoriasis is a chronic, inflammatory and hyperproliferative skin disease with a genetic basis (1). It can appear in any form on the arms, legs, scalp, buttocks, the folds of the skin and the trunk of the body (2). Awareness is increasing that psoriasis as a disease is more than skin deep and that it is associated with systemic disorders, including Crohn's disease, diabetes mellitus (notably type 2), metabolic syndrome, depression, and cancer (3). The disease follows a lengthy course and is prone to relapse, sometimes persisting for a lifetime. Psoriasis is characterized by scaling, silver shavings, protrusion and erythema. Its severity is evaluated based on the degree of infiltration, erythema, area, epidermal desquamation/scaling and other indicators, each of which is scored according to different clinical manifestations (4). Worldwide, approximately 125 million people have psoriasis, and psoriasis prevalence is highly variable across regions, ranging from 0.5% in parts of Asia to as high as 8% in Norway. In most regions, women and men are affected equally (5).

ML has been widely developed to analyse health data, particularly medical images, to assist professionals in making decisions and reducing medical errors. In particular, DL applications have shown promising results in dermatology and other specialties, including radiology, cardiology, and ophthalmology (6). ML technologies can be broadly classified into TML and DL. In TML, data features are obtained through a feature engineering process and then fed into a classifier for result prediction. Common TML classifiers include Random Forest (RF) (7), K-means (8), Decision Tree (9) K-Nearest Neighbor (KNN) (10) and Support Vector Machine (SVM) (11). For instance, a random forest is a decision-making process, whereas KNN classifies vectors with similar distances in a feature space into the same class. Although these techniques are easy to explain and intuitive, they become less effective as the complexity of the data increases.

With the upgrading of algorithms and hardware, researchers began to focus on DL and explore its advantages in medical image analysis (12). DL has significant advantages in dermatological medical image processing: (1) Automatic feature extraction; (2) Handle complex data; (3) High performance. Convolutional neural networks (CNNs) are commonly used in the selection of DL models for dermatological diagnosis. Several CNNs-based models, including U-Net (13) and ResNet (14), have been used for psoriasis analysis. However, despite the strong potential of deep learning in skin medical image processing, it also faces challenges, such as data scarcity leading to model overfitting, complex models leading to long training times, and inexplicable models making it difficult for doctors to trust their results (15). Moreover, for DL, the deeper the layers of the model, the higher the hardware requirements, and the DL spend will be higher compared to TML.

Although recent studies have reviewed the application of AI in psoriasis diagnosis (1619), these reviews did not conduct a thorough analysis of the ML models and the associated datasets. Therefore, this paper provides a detailed review of the use and advantages and disadvantages of ML models (including TML and DL models) in the application of psoriasis diagnosis. The contributions of this review can be summarized as follows:

• Provides a comprehensive overview of ML models used in psoriasis diagnosis, including TML models and DL models, and provides a detailed analysis of the advantages and disadvantages of each model.

• Evaluates existing psoriasis datasets and discusses their limitations in model development and evaluation.

• Proposes some future research directions to improve the accuracy and efficiency of psoriasis diagnosis.

The rest of this article is organized as follows: Section 2 introduces the methods adopted in this paper to conduct systematic review research; Section 3 introduces the results of paper retrieval. In Section 3.1, we introduce several publicly accessible datasets; The key content of this review, that is, the tasks of machine learning in various psoriasis analyses, are presented in Section 3.2, of which Section 3.2.1 is the segmentation task, Section 3.2.2 is the recognition task, and Section 3.2.3 is the assessment task. Section 4 is the discussion, including the challenges in Section 4.2 and future developments in Section 4.3; Finally, a systematic summary of this paper is given in Section 5.

2 Methods

We performed a literature search for relevant publications in 3 databases: Web of Science, PubMed, and IEEE Xplore. We chose these databases in order to cover general resources (Web of Science), medical (PubMed), and computing (IEEE Xplore). Relevant articles published in English between 2014 and April 2024, were considered. We use “and/or” operators to combine multiple keywords with “psoriasis”, including “Machine Learning (ML)”, “Deep Learning (DL)”, “segmentation”, “recognition”, “assessment”, and “review”. To avoid missing keywords, we expanded the search scope of keywords to the entire text. Search expressions are shown in Table 1.

Table 1
www.frontiersin.org

Table 1. Search expressions used in the systematic review.

We reviewed all retrieved papers from all platforms and removed duplicates, non-English papers, papers published before 2014, inaccessible papers, papers not related to machine learning, and papers not related to psoriasis. The remaining papers were confirmed by the authors to meet the requirements and were finally included in the review. Figure 1 reports our systematic review process using the Preferred Reporting Items for Systematic Reviews and Meta-Analyses framework (20).

Figure 1
www.frontiersin.org

Figure 1. Systematic review flowchart according to the PRISMA framework. PRISMA indicates Preferred Reporting Items for Systematic Reviews and Meta-Analyses.

3 Results

Our search method identified 830 citations. After following the review protocal, 53 full-text articles were included for qualitative synthesis (Figure 1). Following the models used in the papers and the year of publication (Figure 2A), we found that the number of studies on psoriasis on machine learning has increased in recent years, a trend that can be attributed to the increase in datasets and advances in modeling. In all, we summarized a total of 10 papers on psoriasis lesion segmentation, 22 papers on psoriasis lesion recognition, and 21 papers on psoriasis severity scoring (Figure 2B). This review provides a comprehensive analysis of these papers and the datasets they use, describing the progress, limitations, and future directions of psoriasis in ML research.

Figure 2
www.frontiersin.org

Figure 2. The distribution of the papers summarized in this article. (A) Number of papers published each year from 2014 to 2024.04; (B) Number of papers related to three different tasks. Seg, Segmentation; Rec, Recognition; Ass, Assessment; T, Task.

3.1 Datasets

To conduct psoriasis analysis using ML, psoriasis data and various labels are necessary. After reviewing a significant amount of psoriasis-related literature, we discovered that most of it is produced in collaboration with hospitals and the datasets are private. As can be seen from the Table 2, from paper to paper they vary in the number of images, the source of the images and even the way the images are captured. This makes it impossible to compare these studies peer-to-peer, but only independently.

Table 2
www.frontiersin.org

Table 2. Statistics of private datasets adopted by the reviewed articles.

In addition to private datasets, there are also publicly accessible psoriasis datasets summarized in Table 3. One thing to note is that these publicly available datasets for psoriasis can only be applied to recognition tasks as they do not have segmentation masks and evaluation score labels. We have showcased some images from these publicly available datasets in Figure 3. Among them, the XiangyaDerm (29) and Kaggle1 datasets not only include psoriasis but also cover other types of skin diseases such as Melanoma, Atopic Dermatitis, Basal Cell Carcinoma (BCC), and Benign Keratosis-like Lesions (BKL). These two datasets are primarily used for multi-class skin disease recognition rather than being limited to the study of psoriasis alone. In the DermNetNZ (30), Dermatology Atlas (31), and Hellenic Dermatology Atlas (32) databases, we can observe various types of psoriasis with examples of their categories shown in the figure. The dataset available to the public contains information on different types of psoriasis, such as chronic plaque psoriasis, facial psoriasis, flexural psoriasis, and guttate psoriasis. These datasets can be used to train models to identify various types of psoriasis. Additionally, they offer a plethora of data on other skin conditions.

Table 3
www.frontiersin.org

Table 3. Public dataset related to psoriasis and their description.

Figure 3
www.frontiersin.org

Figure 3. Partial examples of images from each exposed data set. Pso, Psoriasis.
Reprinted with permission of six watermarked images from the DermNetNZ dataset, which is labeled as Guttate Pso, Chronic plaque Pso, Flexural Pso, Scalp Pso, Sebopsoriasis, and Nail Pso, are from https://dermnetnz.org, © DermNet®, licensed under CC BY-NC-ND 3.0 NZ. For the DermNetNZ dataset, the links to the individual images are as follows: Guttate Pso, https://dermnetnz.org/topics/guttate-psoriasis; Chronic plaque Pso, https://dermnetnz.org/topics/chronic-plaque-psoriasis; Flexural Pso, https://dermnetnz.org/topics/flexural-psoriasis; Scalp Pso, https://dermnetnz.org/topics/scalp-psoriasis; Sebopsoriasis, https://dermnetnz.org/topics/sebopsoriasis; Nail Pso, https://dermnetnz.org/topics/nail-psoriasis.
Reprinted with permission of three watermarked images from the Dermatology Atlas dataset, which is labeled as Artropathic Pso, Pso After Erysipelas, and Pustular Pso, are from https://www.atlasdermatologico.com.br. For the Dermatology Atlas dataset, the links to the individual images are as follows: Artropathic Pso, https://www.atlasdermatologico.com.br/disease.jsf?diseaseId=43; Pso After Erysipelas, https://www.atlasdermatologico.com.br/disease.jsf?diseaseId=397; Pustular Pso, https://www.atlasdermatologico.com.br/disease.jsf?diseaseId=398.
Reprinted with permission of three images from the Hellenic Dermatology Atlas dataset, which is labeled as Generalized Pso, Guttate Pso, and Palque Pso, are from http://www.hellenicdermatlas.com/en/. For the Hellenic Dermatology Atlas dataset, the links to the individual images are as follows: Generalized Pso, http://www.hellenicdermatlas.com/en/search/advancedSearch/28/528/0/; Guttate Pso, http://www.hellenicdermatlas.com/en/search/advancedSearch/28/529/0/; Palque Pso, http://www.hellenicdermatlas.com/en/search/advancedSearch/28/535/0/.

It can be clearly found in the Figure 3 that the most obvious problem of the psoriasis image is the lack of standardization of the data. The lesions appear in different positions, such as skin folds, hands, and joints. Some are even found in cluttered backgrounds. Therefore, it is difficult for doctors and even researchers to be confident whether the model, when recognizing these images of lesions, is extracting features from the lesion areas, or from other, distracting elements. As discussed in Yan et al. (33), there may be the same confusion concept in images of the same category, and the model is likely to refer to this confusion concept to classify this type of lesion, which we know is incorrect. We will discuss this in detail in the Challenges section.

3.2 ML application in psoriasis

In this section, we thoroughly describe the collected papers and summarize them in a table according to the research methodology. We also discuss the aims and results of these papers in detail. We classify the papers based on the real-world problems they address, including segmentation, recognition, and severity assessment of psoriasis.

3.2.1 Lesion segmentation

The accurate segmentation of lesion areas from skin images is essential for the development of effective computer-aided diagnosis (CAD) systems for skin diseases (34). In dermatology, common skin lesions include, but are not limited to, skin cancer, acne, eczema, and psoriasis. These lesions usually have different shapes, sizes, and colors, thus requiring specific algorithms to accurately segment them (35). Commonly used lesion segmentation methods include edge-based segmentation methods, region-based segmentation methods, and DL-based segmentation methods. Among them, DL-based methods have achieved good results in many fields due to their powerful feature extraction capabilities and adaptability. We summarize and present papers that apply ML to the task of psoriasis segmentation (Table 4).

Table 4
www.frontiersin.org

Table 4. Lesion segmentation.

For the evaluation indicators for segmentation task, the main indicators are the Dice Similarity Index (DSC) and Jaccard Index (JI). The DSC (44) metric represents the efficiency of the segmentation model by measuring the similarity between ground truth lesion (Lgt) and predicted segmented lesion (Lp) (45). Whereas, the JI (46) metric provides the overlapping measure between Lgt and Lp (38). Other performance metrics such as pixel accuracy (ACC), sensitivity (SE) and specificity (SP) are also available, where ACC indicates the proportion of image pixels classified correctly. In this paper, only their ACC metrics are counted. The formulas for the performance indicators are shown in Table 5.

Table 5
www.frontiersin.org

Table 5. Formulas for different performance indicators for segmentation task.

Upon investigation, we found that the majority of papers utilizing traditional machine learning for psoriasis segmentation tasks employ clustering model algorithms (21, 36), such as K-means (8). Clustering algorithms group similar vectors in high-dimensional space and label them as the same class, excelling in both efficiency and interpretability. However, these algorithms are primarily designed for numerical datasets, necessitating modifications to the images for their application. For instance, George et al. (21) adopted a strategy of segmenting images into superpixels of varying sizes, subsequently clustering these superpixels into lesion and non-lesion regions. Ultimately, they achieved a pixel accuracy of 86.99% on 100 test images. However, with the growth of the scale and complexity of datasets, traditional methods have become inadequate. This has led to the emergence of technologies such as DL.

U-Net (13) is a very popular DL model for medical image segmentation (47). It has demonstrated superior performance in medical segmentation tasks, capable of producing accurate segmentation results even with limited training data. Therefore, researchers favor the U-Net architecture and its variants as the backbone (22, 37, 38). Raj et al. (37) proposed a model for psoriasis lesion segmentation from the raw RGB color images having complex backgrounds and challenging surroundings. Taking advantage of residual networks and migration learning, Raj et al. (38) proposed a model with a residual encoder for segmenting psoriasis lesions from digital images with uneven backgrounds, based on U-Net. Czajkowska et al. (40) used DeepLab (48) for epidermal segmentation, which is a crucial first step for detecting changes in epidermal thickness, shape, and intensity. In psoriasis diagnosis, it is also necessary to score the elevation level of lesions. However, conventional computer vision models can only process 2D images and are not well-suited for training on 3D elevation data. Therefore, this method is worth studying.

Using object detection models as a backbone for segmentation tasks is also an alternative approach compared to using conventional segmentation models (41). Their main approach is to use object detection models [e.g., Lin et al. (41) using Mask R-CNN (49)] as a backbone such as a feature extractor for the segmentation model, followed immediately by a segmentation output branch to perform the segmentation task.

Unlike proposing new CNNs, in order to guide the training of CNNs that can move toward more excellence, Mohan et al. (42) proposed a convolutional neural network (CNN) based on the Adaptive Chimpanzee Optimization Algorithm (AChOA) for automated segmentation of psoriasis skin images, which utilizes the AChOA to optimize the weights and bias values of the CNN. Similarly, Panneerselvam et al. (43) proposed Adaptive Golden Eagle Optimization (IGEO) to tune the weights and bias parameters of the CNN.

The segmentation task plays a crucial role in the application of computer technology to the medical field. It not only helps eliminate interference from non-lesion regions, but also provides a solid foundation for subsequent recognition or assessment tasks.

3.2.2 Lesion recognition

The process of diagnosing skin cancer is intricate and involves visual examination and judgment by a physician, followed by microscopic examination of a biopsy. Therefore, developing more accurate algorithms for skin lesion recognition could greatly facilitate timely diagnosis of skin cancer. Automated classification of lesions is used in clinical examination to help physicians and allow rapid and affordable access to lifesaving diagnoses (50). Lesion recognition aims to differentiate psoriasis from other common skin diseases (or healthy skin) or to distinguish between different types of psoriasis, primarily through techniques such as feature extraction and segmentation. We summarize and present papers that apply ML to the task of psoriasis recognition (Table 6).

Table 6
www.frontiersin.org

Table 6. Lesion recognition.

Four performance metrics are used to evaluate the performance of the recognition models: Accuracy(ACC), recall, precision and F1-score(F1). We summarize the ACC and F1 in the paper (since F1 then already makes use of recall and precision). The formulas for the performance indicators are shown in Table 7. In addition, we also summarized the Area Under Curve(AUC) metrics from the papers. In the task, “psoriasis” was represented as a positive category and “non-psoriasis” as a negative category, and a threshold was set to distinguish positive or negative cases. By constantly adjusting this threshold, we were able to obtain multiple sets of different sensitivities and specificities. These sets were then labeled in coordinates and Receiver Operating Characteristic (ROC) curves were plotted (24). AUC is the area of the ROC curve, which is used to measure the performance of machine learning algorithms for “classification problems” (generalization ability).

Table 7
www.frontiersin.org

Table 7. Formulas for different performance indicators for recognition and assessment task.

When using TML models for psoriasis classification, researchers extract color and texture features from the images, corresponding to the erythema and silver desquamation attributes of psoriasis, respectively, since these models cannot actively analyze images (23, 51). Among them, Texture features are the most traditional way to explore specific pattern information in images, and they can quantify the texture present in lesions. Common texture analysis techniques include: Gray Level Co-occurrence Matrix(GLCM), Gray Level Run Length Matrix (GLRLM) (69), etc. For the obtained features, they can be fed into Principal Component Analysis (PCA) (70) for dimensionality reduction, which is a feature dimensionality reduction technique. From the experimental results of Shrivastava et al. (23), the best classification result was obtained by using the features of Higher Order Spectra (HOS) (71), texture and color together for classification, and the binary classification accuracy can reach 100%.

However, to achieve classification between different skin diseases, or even between different types of psoriasis, it is not enough to use TML. From the CNNs section of the table we can see that there are two main tasks in psoriasis recognition. For the former, the focus of the psoriasis identification task is on distinguishing psoriasis from skin diseases that are very similar to psoriasis compared to common classification tasks such as the ISIC dermatology dataset (72), e.g., to distinguish scalp psoriasis from scalp seborrheic, which have the same region of onset and a small difference in the lesion appearance but have completely different treatment approaches, CAD comes in handy in order to avoid incorrect diagnoses by doctors (52). Lichen planus, parapsoriasis, lupus erythematosus and eczema are also particularly similar but differently treated skin conditions which, in addition to all being characterized by a reddish color, also have papules or plaques (25, 5861). Because of Inflammatory skin diseases, such as psoriasis (Pso), eczema (Ecz), and atopic dermatitis (AD), are very easily to be mis-diagnosed in practice, Wu et al. (58) developed an end-to-end deep learning model. Yang et al. (59) aimed to train an efficient deep-learning network to recognize dermoscopic images of psoriasis (and other papulosquamous diseases), improving the accuracy of the diagnosis of psoriasis. While they have similar symptoms, Psoriasis and Eczema have vastly different underlying causes and behaviors, Chatterjee et al. (60) explores state of the art Deep Learning techniques for distinguishing Psoriasis and Eczema. Hammad et al. (25) presents an enhanced deep learning approach for the accurate detection of eczema and psoriasis skin conditions. Zhu et al. (61) propose a novel abscissa-ordinate focused network (AOFNet) with active label smoothing for the identification of psoriasis and eczema from images.

Using models from the natural language processing (NLP) domain to extract image features is a very popular approach. This is because these models, when applied to sentences, are able to capture the distant relationships between sentences and thus calculate the relationships between words. The researchers want to try to use this idea to capture long distance relationships between images to make up for the fact that the computation of convolution can only capture local information. Aijaz et al. (67) innovatively used Long Short-Term Memory (LSTM) (73) for classification in addition to CNNs. However, LSTM only obtained an accuracy of 0.723 on the results (CNN obtained 0.842), proving that CNN is still superior to models from NLP for image processing. Vishwakarma et al. (64) proposed a model that combines the features of a CNN and a Vision Transformer (ViT) (74) with the aim of building a high-performance, lightweight hybrid model for the intended task. In this, ViT processes the convolutional feature maps to capture long-term dependencies that represent global features.

The use of deeper neural networks is a straightforward and effective way to deal with the increase in the amount of data, but this can lead to a very fatal problem - an increase in the number of parameters, resulting in the need for better hardware. However, instead of opting for a larger model, Arunkumar et al. (63) proposed their own lightweight CNN when solving tens of thousands of datasets, and obtained relatively good results. The model proposed by Rashid et al. (68) is very easy to be used and deployed as a smartphone application in a real-time decision-making environment due to its lightweight nature. The model can handle recognition and classification of psoriasis types for low or high resolution images.

Zhao, Aggarwal, and Rashid et al. (24, 57, 68) used the psoriasis dataset (Table 3) from a public dataset for identification of common skin diseases and psoriasis. The study using the public dataset can enhance the confidence of the diagnosis as all images were verified by pathological examination and history and labeling was done by experienced dermatologists. We believe that psoriasis research will become more comprehensive as more and more papers conduct research on public datasets.

3.2.3 Lesion severity assessment

Psoriasis severity assessment refers to the objective and accurate evaluation of the severity of a patient's psoriasis, so that the doctor can develop a reasonable treatment plan and monitor its effectiveness. Commonly assessment methods include the PASI scoring system, DLQI scoring system (75), etc. Among them, the PASI score system is used to score psoriasis patients based on factors such as lesion area, erythema, scaling, and infiltration, with a total score of 0 to 72. The higher the score, the more severe the condition. In the process of using ML to evaluate the severity of psoriasis, feature selection is a very important step, including the extraction of features such as lesion area, erythema, scaling, and infiltration. Before this, it is necessary to segment and identify the image, especially to prevent the background interference from affecting the extraction of color features. We summarize and present papers that apply ML to the task of psoriasis severity assessment (Table 8).

Table 8
www.frontiersin.org

Table 8. Lesion severity assessment.

Similar to the psoriasis classification task, the task of psoriasis severity assessment using TML models also requires the extraction of various features such as color and texture in the image, which are then fed into various classifiers for severity assessment. In this regard, Shrivastava et al. (26, 27). conducted two different experiments on two different datasets, one on the 848 psoriasis dataset, which achieved 99.92% accuracy, and one on the 670 psoriasis dataset, which was first segmented by Bayesian modeling and then classified, which achieved 99.84% accuracy. It can be noticed that although the dataset has become smaller, the accuracy can still be kept high by segmentation followed by classification.

In the experiments of Moon et al. (79), they used and compared automatic [Simple linear iterative clustering (SLIC) superpixel-based segmentation (21) and U-Net model] and semi-automatic [level set method (LSM) (94) and interactive graph cuts (IGC) (95)] segmentation algorithms. It was found that the semi-automatic segmentation models are particularly subjective and time consuming, while the automatic models are less effective in segmenting the curved, illuminated or shadowed parts of the image. From the results, the LSM from semi-automated segmentation was able to achieve a DICE of 0.945 and the SLIC from automated segmentation a DICE of 0.915 (Other segmentation metrics are noted in the paper). Taking into consideration time efciency and reproducibility, the paper finally chose SLIC as the segmentation task model before the evaluation task.

The work of Dash et al. (28) is the most consistent with the physician's diagnostic process within all the papers. Specifically, they distinguished 5,000 healthy skin from 5,000 psoriasis with 99.08% accuracy, then, segmented the lesion areas in the psoriasis images with 94.76% accuracy, and, ultimately, assessed the segmented images at four levels of severity with 99.21% accuracy. Raj et al. (84) extended the work of Dash et al. (22) by broadening the scope of lesion detection to segment healthy skin, psoriatic lesions, and background regions simultaneously from full-body areas.

Training out a segmentation model requires relevant data with labels, and how well it is trained affects the subsequent tasks, with errors at each stage accumulating to be very catastrophic in the end (77). Thus, Huang et al. (88) avoided the use of segmentation models and instead added various attention modules after the backbone output, allowing the model to localize the lesion area without going through the segmentation model. Schaap et al. (87) utilized a special CNN (96) for the assessment task. This CNN is assessed for psoriasis with a decreasing probability from 0 to 5, with a final threshold set to arrive at a score for that psoriasis. Moon et al. (92) used CutMix to generate multiple-severity disease images and proposed a hierarchical Multiscale Deformable Attention Module (MS-DAM) that adaptively detects representative regions of irregular and complex patterns in multi-severe disease analyses.

You Only Look Once (YOLO) (97) is a deep neural network-based target recognition and localization algorithm with fast processing speed and suitable for real-time systems. YOLO-v4, which builds on the original YOLO target detection architecture, employs state-of-the-art optimization strategies in the field of CNNs. Thus, Yin et al. (93) used the YOLO-v4 algorithm as a feature extractor for images to detect the severity and lesion area of each disease in a specific portion of an image and perform a comprehensive assessment.

ViT's input adaptive weighting and global information learning can show good performance in vision related tasks. Raj et al. (85) put ViT into a classification module for computation, where the feature vectors output from the backbone are computed globally, and then the output is collapsed back into the dimensions of the feature representations produced by the convolution operation.

4 Discussion

4.1 Methods statistical analysis

We have summarized the methods used in the collected papers (Figure 4). We found that when researchers select TML models, for segmentation tasks, clustering models such as K-Means are usually used to achieve segmentation of diseased regions by clustering diseased pixels together. Whereas for lesion recognition and assessment tasks, given the limited datasets available for psoriasis, researchers tend to favor support vector machines as it performs well with small datasets.

Figure 4
www.frontiersin.org

Figure 4. Quantitative distribution of different ML methods on the three tasks.

In DL model selection, U-Net is widely used for its high accuracy in medical segmentation (98). Segmentation models are also utilized in psoriasis recognition or assessment tasks, where only by locating and segmenting the diseased regions, the model is able to avoid interference from non-diseased regions (99).

Some methods originally used for NLP (e.g., LSTM and Transformer) have been widely used in the field of computer vision in recent years (100), and have also been applied to medical image analysis. However, there are fewer papers using these methods to analyse psoriasis, and their scalability in medical images needs to be further investigated. In addition, many other methods are not shown in the diagram, and we have only summarized the most commonly used ones.

4.2 Challenges

Through a comprehensive analysis of collected papers, including data collection, preprocessing, modeling approaches and experiments, we analyse the current challenges of machine learning in psoriasis.

4.2.1 Lack of data sources

ML (especially DL) algorithms require large amounts of data to effectively train models (101). However, since very few people study psoriasis in the field of ML, the amount of data available for analysis then becomes very limited, making it difficult to build accurate and reliable models. In addition, most psoriasis datasets are not publicly available, and most of the datasets used in the papers listed in the table above were obtained through collaboration with hospitals. Moreover, different tasks require different annotations, which adds to the complexity of ML for research in the field of psoriasis. To use ML for psoriasis research, access to sufficient data is critical. However, this may not always be feasible due to the high cost of physician annotation time or the difficulty of obtaining consistent images (102). In addition, the acquired images may have unevenly distributed categories or incorrect labels, which can lead to training the model in the wrong direction or overfitting.

4.2.2 Data inconsistency

Even if there is enough data, its inconsistency and irregularity can lead to poor model performance. That is, if the data come from different databases or are taken by different doctors with different angles, lighting or resolutions, then the integration and analysis of these data will be a big challenge. Although the International Skin Imaging Collaboration (ISIC) has attempted to address the issue of data standardization by developing a set of technical standards for skin lesion imaging (103), psoriasis differs from common dermatological datasets in that the site of onset can be systemic (e.g., body depressions), which leads to the analysis not being able to train the model exactly according to the characteristics of the dermatological condition (rounded, localized, more regular, flattened). At the same time, some features are difficult to obtain through machine such as the sclerotic height of psoriasis, and most of the commonly used DL is applied to flat images, which can only obtain features that are accessible to flat vision, such as color and texture. Although skin thickness segmentation was proposed in Czajkowska et al. (40), it is particularly demanding on the dataset.

4.2.3 The inexplicability of methods

Selection of appropriate methods and improvement of existing methods to improve the accuracy of psoriasis analyses are common threads in existing papers, but doctors and patients are most concerned about the accuracy of psoriasis analyses and whether the researchers can explain how the proposed models arrive at their conclusions. However, from the collected papers, most of them only propose a model with good diagnostic results for psoriasis, while little research has been done on the interpretability of the model.

4.3 Future development

In response to these challenges to the application of ML in psoriasis, we propose solutions and summarize the future development of ML.

4.3.1 Few-shot learning

Model training using a small amount of data is also a current research hotspot in ML, especially DL. For example, Folle et al. (82) used a small number of samples to study the diagnosis of psoriasis, and the BEiT model, which they used, was designed to train models with fewer samples. Few-shot learning is a ML paradigm designed to enable efficient training of models with a small number of samples. In Xiao, Liu and Chen et al. (104107), they classified and segmented lesion data with fewer lesion images. Data collection for psoriasis is also difficult, especially labeling, and requires overcoming a variety of subjective factors. In today's era of predominantly data-driven model training, smaller, more granular datasets may produce better results than larger, more extensive datasets.

4.3.2 Feature consistency

Differences between images can also worsen the model, especially in feature extraction. Therefore, we would like to unify the images before training the model, or, in other words, extract common features. For example, Diaz et al. (108) aim to pixelate images using a segmentation model that labels pixels belonging to the same lesion features (e.g., pigment networks, blue-white stripes, dots, bubbles, blood vessels) as belonging to the same category in skin lesions. This reduces the differences in image-level features by extracting pixel-level features, while directing the model to use these features for further training and avoiding image differences that cause the model to recognize the same features as different features. However, segmentation requires labeling, which leads to a relatively poor feasibility of this approach. To solve this problem, Pathak et al. (109) used the idea of weak segmentation, which does not require prior labeling, but automatically obtains the segmentation labels through learning. Using this idea, when faced with psoriasis images that are extremely different at the image level, the model can recognize the same attributes or features between them, thus enabling the model to better assess psoriasis. In addition, preprocessing features of skin lesions (e.g. color) is also an aspect that could be considered. Barata et al. (110112) have shown that image preprocessing techniques (e.g. color constancy) can improve the performance of AI systems for segmentation and classification of skin lesions. Using such techniques, when assessing the severity of a feature of psoriasis (e.g. erythema), it may be possible to avoid situations where the assessment of erythema is different due to the difference in the psoriasis, if we can first normalize the psoriasis.

4.3.3 Model explainability

Currently, there is an increasing amount of interpretable research in the field of AI in medicine (113). These papers essentially use techniques that are intuitively capable of interpreting the model to enable interpretable research. For example, a class activation map (CAM) (114) is used to visualize the regions of interest of the model, just as Ding et al. (115) used a CAM to direct the model's attention to the lesion region while explaining the model's focus in the middle layer. Concept activation vectors (CAV) (116), a technique that converts high-level concepts that can be understood by humans (e.g., whether or not there are hairs in the area of the lesion, etc.) into vectors that can be understood by a computer. It is therefore feasible to use CAM or CAV to interpret the model. Using CAM, it is possible to understand which areas on the image the model focuses on, and using CAV, it is possible to direct the model's attention to which important high-level concepts. Of course, there are many more interpretable techniques waiting to be discovered, all aimed at increasing physician or patient trust in the model and its outputs.

5 Conclusion

This review provides an overview of the application of ML (especially DL) to psoriasis diagnosis over the last decade, including segmentation, recognition and assessment tasks. However, we have identified a number of challenges in this area, the most important of which are data inconsistency and the issue of data privacy. It is also worth noting that not all DL models are best suited for every task. TML algorithms have also shown good results in feature extraction, and different models should be selected depending on the specific task at hand.

In conclusion, we hope that this review will encourage research in this area and stimulate more advanced techniques to help physicians in their work.

Data availability statement

The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author/s.

Author contributions

HL: Funding acquisition, Supervision, Writing – review & editing. GC: Methodology, Visualization, Writing – original draft. LZ: Conceptualization, Data curation, Methodology, Writing – original draft. CX: Funding acquisition, Supervision, Writing – review & editing. JW: Resources, Writing – review & editing.

Funding

The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. This research was funded by National Natural Science Foundation of China (No. 62006049), Basic and Applied Basic Research Foundation of Guangdong Province (No. 2023A1515010939), and Project of Education Department of Guangdong Province (Nos. 2022KTSCX068 and 2021ZDZX1079).

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher's note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Footnotes

References

1. Gudjonsson JE, Elder JT. Psoriasis: epidemiology. Clin Dermatol. (2007) 25:535–46. doi: 10.1016/j.clindermatol.2007.08.007

PubMed Abstract | Crossref Full Text | Google Scholar

2. Habif T. Psoriasis and Other Papulosquamous Diseases. Clinical? Dermatology 4th ed. New York: Mosby. (2004). p. 209–45.

Google Scholar

3. Griffiths C E M BJNWN. Pathogenesis and clinical features of psoriasis. Lancet. (2007) 370:263–71. doi: 10.1016/S0140-6736(07)61128-3

PubMed Abstract | Crossref Full Text | Google Scholar

4. Gottlieb AB, Chaudhari U, Baker DG, Perate M, Dooley LT. The National Psoriasis Foundation Psoriasis Score (NPF-PS) system versus the Psoriasis Area Severity Index (PASI) and Physician's Global Assessment (PGA): a comparison. J Drugs Dermatol. (2003) 2:260–6.

PubMed Abstract | Google Scholar

5. Armstrong AW, Read C. Pathophysiology, clinical presentation, and treatment of psoriasis: a review. JAMA. (2020) 323:1945–60. doi: 10.1001/jama.2020.4006

PubMed Abstract | Crossref Full Text | Google Scholar

6. Puri P, Comfere N, Drage LA, Shamim H, Bezalel SA, Pittelkow MR, et al. Deep learning for dermatologists: part II current applications. J Am Acad Dermatol. (2022) 87:1352–60. doi: 10.1016/j.jaad.2020.05.053

PubMed Abstract | Crossref Full Text | Google Scholar

7. Dhivyaa CR, Sangeetha K, Balamurugan M, Amaran S, Vetriselvi T, Johnpaul P. Skin lesion classification using decision trees and random forest algorithms. J Amb Intellig Human Comp. (2020) 12:18134. doi: 10.1007/s12652-020-02675-8

Crossref Full Text | Google Scholar

8. Muthukannan K, Moses MM. Color image segmentation using k-means clustering and optimal fuzzy C-means clustering. In: 2010 International Conference on Communication and Computational Intelligence (INCOCCI). Erode: IEEE. (2010). p. 229–234.

Google Scholar

9. Charbuty B, Abdulazeez A. Classification based on decision tree algorithm for machine learning. J Appl Sci Technol Trends. (2021) 2:20–8. doi: 10.38094/jastt20165

Crossref Full Text | Google Scholar

10. Peterson LE. K-nearest neighbor. Scholarpedia. (2009) 4:1883. doi: 10.4249/scholarpedia.1883

Crossref Full Text | Google Scholar

11. Pitchiah MS, Rajamanickam T. Efficient feature based melanoma skin image classification using machine learning approaches. Traitement du Signal. (2022) 39:24. doi: 10.18280/ts.390524

Crossref Full Text | Google Scholar

12. Shen D, Wu G. Deep learning in medical image analysis. Ann Rev Biomed Eng. (2017) 19:221–48. doi: 10.1146/annurev-bioeng-071516-044442

PubMed Abstract | Crossref Full Text | Google Scholar

13. Ronneberger O, Fischer P, Brox T. U-net: Convolutional networks for biomedical image segmentation. In: Medical Image Computing and Computer-Assisted Intervention-MICCAI 2015: 18th International Conference, Munich, Germany, October 5-9, 2015, Proceedings, Part III 18. Cham: Springer. (2015). p. 234–241. doi: 10.1007/978-3-319-24574-4_28

Crossref Full Text | Google Scholar

14. He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. (2016). p. 770–778. doi: 10.1109/CVPR.2016.90

Crossref Full Text | Google Scholar

15. Saraf V JA, Chavan P. Deep learning challenges in medical imaging. In: Advanced Computing Technologies and Applications: Proceedings of 2nd International Conference on Advanced Computing Technologies and Applications–ICACTA 2020. Singapore: Springer (2020). doi: 10.1007/978-981-15-3242-9_28

Crossref Full Text | Google Scholar

16. Yu K, Syed MN, Bernardis E, Gelfand JM. Machine learning applications in the evaluation and management of psoriasis: a systematic review. J Psori Psoriat Arthr. (2020) 5:147–59. doi: 10.1177/2475530320950267

PubMed Abstract | Crossref Full Text | Google Scholar

17. Havelin A, Hampton P. Telemedicine and e-Health in the Management of Psoriasis: Improving Patient Outcomes-A Narrative Review. Psoriasis: Targets and Therapy. (2022). p. 15–24.

PubMed Abstract | Google Scholar

18. Liu Z, Wang X, Ma Y, Lin Y, Wang G. Artificial intelligence in psoriasis: where we are and where we are going. Exp Dermatol. (2023). doi: 10.1111/exd.14938

PubMed Abstract | Crossref Full Text | Google Scholar

19. Lunge SB, Shetty NS, Sardesai VR, Karagaiah P, Yamauchi PS, Weinberg JM, et al. Therapeutic application of machine learning in psoriasis: a Prisma systematic review. J Cosmet Dermatol. (2023) 22:378–82. doi: 10.1111/jocd.15122

PubMed Abstract | Crossref Full Text | Google Scholar

20. Moher D, Shamseer L, Clarke M, Ghersi D, Liberati A, Petticrew M, et al. Preferred reporting items for systematic review and meta-analysis protocols (PRISMA-P) 2015 statement. Syst Rev. (2015) 4:1–9. doi: 10.1186/2046-4053-4-1

PubMed Abstract | Crossref Full Text | Google Scholar

21. George Y, Aldeen M, Garnavi R. Automatic psoriasis lesion segmentation in two-dimensional skin images using multiscale superpixel clustering. J Med Imag. (2017) 4:044004–044004. doi: 10.1117/1.JMI.4.4.044004

PubMed Abstract | Crossref Full Text | Google Scholar

22. Dash M, Londhe ND, Ghosh S, Semwal A, Sonawane RS. PsLSNet: automated psoriasis skin lesion segmentation using modified U-Net-based fully convolutional network. Biomed Signal Process Control. (2019) 52:226–37. doi: 10.1016/j.bspc.2019.04.002

Crossref Full Text | Google Scholar

23. Shrivastava VK, Londhe ND, Sonawane RS, Suri JS. Computer-aided diagnosis of psoriasis skin images with HOS, texture and color features: a first comparative study of its kind. Comput Methods Programs Biomed. (2016) 126:98–109. doi: 10.1016/j.cmpb.2015.11.013

PubMed Abstract | Crossref Full Text | Google Scholar

24. Zhao S, Xie B, Li Y., Zhao Xy, Kuang Y, Su J, et al. Smart identification of psoriasis by images using convolutional neural networks: a case study in China. J Eur Acad Dermatol Venereol. (2020) 34:518–24. doi: 10.1111/jdv.15965

PubMed Abstract | Crossref Full Text | Google Scholar

25. Hammad M, Pławiak P, ElAffendi M, El-Latif AAA, Latif AAA. Enhanced deep learning approach for accurate eczema and psoriasis skin detection. Sensors. (2023) 23:7295. doi: 10.3390/s23167295

PubMed Abstract | Crossref Full Text | Google Scholar

26. Shrivastava VK, Londhe ND, Sonawane RS, Suri JS. A novel approach to multiclass psoriasis disease risk stratification: machine learning paradigm. Biomed Signal Process Control. (2016) 28:27–40. doi: 10.1016/j.bspc.2016.04.001

Crossref Full Text | Google Scholar

27. Shrivastava VK, Londhe ND, Sonawane RS, Suri JS. A novel and robust Bayesian approach for segmentation of psoriasis lesions and its risk stratification. Comput Methods Programs Biomed. (2017) 150:9–22. doi: 10.1016/j.cmpb.2017.07.011

PubMed Abstract | Crossref Full Text | Google Scholar

28. Dash M, Londhe ND, Ghosh S, Raj R, Sonawane RS. A cascaded deep convolution neural network based CADx system for psoriasis lesion segmentation and severity assessment. Appl Soft Comput. (2020) 91:106240. doi: 10.1016/j.asoc.2020.106240

Crossref Full Text | Google Scholar

29. Xie B, He X, Zhao S, Li Y, Su J, Zhao X, et al. XiangyaDerm: a clinical image dataset of Asian race for skin disease aided diagnosis. In: LABELS 2019, HAL-MICCAI 2019, CuRIOUS 2019. (2019).

Google Scholar

30. Library DI. DermNet NZ. (2019). Available online at: https://www.dermnetnz.org/image-library/ (accessed April 9, 2024).

Google Scholar

31. da Silva SF. Dermatology Atlas. (2019). Available online at: http://www.atlasdermatologico.com.br/ (accessed April 9, 2024).

Google Scholar

32. Verros CD. Hellenic Dermatology Atlas. (2019). Available online at: http://www.hellenicdermatlas.com/en/ (accessed April 9, 2024).

PubMed Abstract | Google Scholar

33. Yan S, Yu Z, Zhang X, Mahapatra D, Chandra SS, Janda M, et al. Towards trustable skin cancer diagnosis via rewriting model's decision. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. (2023). p. 11568–11577.

Google Scholar

34. Mirikharaji Z, Abhishek K, Bissoto A, Barata C, Avila S, Valle E, et al. A survey on deep learning for skin lesion segmentation. Med Image Anal. (2023) 88:102863. doi: 10.1016/j.media.2023.102863

PubMed Abstract | Crossref Full Text | Google Scholar

35. Li H, He X, Zhou F, Yu Z, Ni D, Chen S, et al. Dense deconvolutional network for skin lesion segmentation. IEEE J Biomed Health Informat. (2019) 23:527–37. doi: 10.1109/JBHI.2018.2859898

PubMed Abstract | Crossref Full Text | Google Scholar

36. Dash M, Londhe ND, Ghosh S, Shrivastava VK, Sonawane RS. Swarm intelligence based clustering technique for automated lesion detection and diagnosis of psoriasis. Comput Biol Chem. (2020) 86:107247. doi: 10.1016/j.compbiolchem.2020.107247

PubMed Abstract | Crossref Full Text | Google Scholar

37. Raj R, Londhe ND, Sonawane RS. Automatic psoriasis lesion segmentation from raw color images using deep learning. In: 2020 IEEE International Conference on Bioinformatics and Biomedicine (BIBM). Seoul: IEEE. (2020). p. 723–728.

Google Scholar

38. Raj R, Londhe ND, Sonawane R. Automated psoriasis lesion segmentation from unconstrained environment using residual U-Net with transfer learning. Comput Methods Programs Biomed. (2021) 206:106123. doi: 10.1016/j.cmpb.2021.106123

PubMed Abstract | Crossref Full Text | Google Scholar

39. Lin YL, Huang A, Yang CY, Chang WY. Measurement of body surface area for psoriasis using U-net models. Comp Mathem Methods Med. (2022) 2022:7960151. doi: 10.1155/2022/7960151

PubMed Abstract | Crossref Full Text | Google Scholar

40. Czajkowska J, Badura P, Korzekwa S, Płatkowska-Szczerek A. Automated segmentation of epidermis in high-frequency ultrasound of pathological skin using a cascade of DeepLab v3+ networks and fuzzy connectedness. Comp Mathem Methods Med. (2022) 95:102023. doi: 10.1016/j.compmedimag.2021.102023

PubMed Abstract | Crossref Full Text | Google Scholar

41. Lin GS, Lai KT Syu JM, Lin JY, Chai SK. Instance segmentation based on deep convolutional neural networks and transfer learning for unconstrained psoriasis skin images. Appl Sci. (2021) 11:3155. doi: 10.3390/app11073155

Crossref Full Text | Google Scholar

42. Mohan S, Kasthuri N. Automatic segmentation of psoriasis skin images using adaptive chimp optimization algorithm-based CNN. J Digit Imaging. (2023) 36:1123–36. doi: 10.1007/s10278-022-00765-x

PubMed Abstract | Crossref Full Text | Google Scholar

43. Panneerselvam K, Nayudu PP. Improved golden eagle optimization based CNN for automatic segmentation of psoriasis skin images. Wireless Pers Commun. (2023) 131:1817–31. doi: 10.1007/s11277-023-10522-0

Crossref Full Text | Google Scholar

44. Dice LR. Measures of the amount of ecologic association between species. Ecology. (1945) 26:297–302. doi: 10.2307/1932409

Crossref Full Text | Google Scholar

45. Al-Masni MA, Al-Antari MA, Choi MT, Han SM, Kim TS. Skin lesion segmentation in dermoscopy images via deep full resolution convolutional networks. Comput Methods Programs Biomed. (2018) 162:221–31. doi: 10.1016/j.cmpb.2018.05.027

PubMed Abstract | Crossref Full Text | Google Scholar

46. Niwattanakul S, Singthongchai J, Naenudorn E, Wanapu S. Using of Jaccard coefficient for keywords similarity. In: The 2013 IAENG International Conference on Internet Computing and Web Services (ICICWS'13). Hong Kong (2013). p. 380–4.

Google Scholar

47. Liu L, Mou L, Zhu XX, Mandal M. Skin Lesion Segmentation Based on Improved U-net. In: 2019 IEEE Canadian Conference of Electrical and Computer Engineering (CCECE). Edmonton, AB: IEEE (2019). p. 1–4.

Google Scholar

48. Wang Y, Sun S, Yu J, Yu DL. Skin lesion segmentation using atrous convolution via DeepLab V3. arXiv [Preprint]. arXiv:180708891. (2018). doi: 10.48550/arXiv.1807.08891

Crossref Full Text | Google Scholar

49. He K, Gkioxari G, Dollár P, Girshick R. Mask r-cnn. In: Proceedings of the IEEE International Conference on Computer Vision. Venice: IEEE. (2017). p. 2961–2969.

Google Scholar

50. Foraker RE, Kite B, Kelley MM, Lai AM, Roth C, Lopetegui MA, et al. EHR-based visualization tool: adoption rates, satisfaction, and patient outcomes. eGEMs. (2015) 3:1159. doi: 10.13063/2327-9214.1159

PubMed Abstract | Crossref Full Text | Google Scholar

51. Wei Ls, Gan Q, Ji T, et al. Skin disease recognition method based on image color and texture features. Comp Mathem Methods Med. (2018) 2018:8145713. doi: 10.1155/2018/8145713

PubMed Abstract | Crossref Full Text | Google Scholar

52. Yu Z, Kaizhi S, Jianwen H, Guanyu Y, Yonggang W, A. deep learning-based approach toward differentiating scalp psoriasis and seborrheic dermatitis from dermoscopic images. Front Med. (2022) 9:965423. doi: 10.3389/fmed.2022.965423

PubMed Abstract | Crossref Full Text | Google Scholar

53. Nieniewski M, Chmielewski LJ, Patrzyk S, Woźniacka A. Studies in differentiating psoriasis from other dermatoses using small data set and transfer learning EURASIP. J Image Video Proc. (2023) 2023:7. doi: 10.1186/s13640-023-00607-y

Crossref Full Text | Google Scholar

54. Singh A, KC NK, Kumar MA, Negi HS. An improved deep learning framework approach for detecting the psoriasis disease. In: 2023 International Conference on Artificial Intelligence and Knowledge Discovery in Concurrent Engineering (ICECONF). Chennai: IEEE. (2023). p. 1–5.

Google Scholar

55. Ji H, Li J, Zhu X, Fan L, Jiang W, Chen Y. Enhancing assisted diagnostic accuracy in scalp psoriasis: a Multi-Network Fusion Object Detection Framework for dermoscopic pattern diagnosis. Skin Res Technol. (2024) 30:e13698. doi: 10.1111/srt.13698

PubMed Abstract | Crossref Full Text | Google Scholar

56. Yaseliani M, Maghsoodi AI, Hassannayebi E, Aickelin U. Diagnostic clinical decision support based on deep learning and knowledge-based systems for psoriasis: from diagnosis to treatment options. Comp Indust Eng. (2024) 187:109754. doi: 10.1016/j.cie.2023.109754

Crossref Full Text | Google Scholar

57. Aggarwal SLP. Data augmentation in dermatology image recognition using machine learning. Skin Res Technol. (2019) 25:815–20. doi: 10.1111/srt.12726

PubMed Abstract | Crossref Full Text | Google Scholar

58. Wu H, Yin H, Chen H, Sun M, Liu X, Yu Y, et al. A deep learning, image based approach for automated diagnosis for inflammatory skin diseases. Ann Transl Med. (2020) 8:39. doi: 10.21037/atm.2020.04.39

PubMed Abstract | Crossref Full Text | Google Scholar

59. Yang Y, Wang J, Xie F, Liu J, Shu C, Wang Y, et al. A convolutional neural network trained with dermoscopic images of psoriasis performed on par with 230 dermatologists. Comput Biol Med. (2021) 139:104924. doi: 10.1016/j.compbiomed.2021.104924

PubMed Abstract | Crossref Full Text | Google Scholar

60. Chatterjee A. Optimization of image recognition for the identification of psoriasis and eczema. In: Applications of Machine Learning. San Diego, CA: SPIE Digital Library (2022). p. 213–7.

Google Scholar

61. Zhu W, Lai H, Zhang H, Zhang G, Luo Y, Wang J, et al. Abscissa-ordinate focused network for psoriasis and eczema healthcare cyber-physical system with active label smoothing. IEEE Access. (2024). doi: 10.1109/ACCESS.2024.3384310

Crossref Full Text | Google Scholar

62. Zhu X, Zheng B, Cai W, Zhang J, Lu S, Li X, et al. Deep learning-based diagnosis models for onychomycosis in dermoscopy. Mycoses. (2022) 65:466–72. doi: 10.1111/myc.13427

PubMed Abstract | Crossref Full Text | Google Scholar

63. Arunkumar T, Jayanna H. A novel light weight approach for identification of psoriasis affected skin lesion using deep learning. J Phys. 2062:012017. doi: 10.1088/1742-6596/2062/1/012017

Crossref Full Text | Google Scholar

64. Vishwakarma G, Nandanwar AK, Thakur GS. Optimized vision transformer encoder with cnn for automatic psoriasis disease detection. Multimedia Tools Appl. (2023) 2023:1–20. doi: 10.1007/s11042-023-16871-z

Crossref Full Text | Google Scholar

65. Peng L, Na Y, Changsong D, Sheng L, Hui M. Research on classification diagnosis model of psoriasis based on deep residual network. Digi Chin Med. (2021) 4:92–101. doi: 10.1016/j.dcmed.2021.06.003

Crossref Full Text | Google Scholar

66. Goswami A, Singh S, Tarekar P, Sharma N. Intra-class classification of psoriasis using deep learning. J Biomed Eng Soc India. (2023) 2023:14.

Google Scholar

67. Aijaz SF, Khan SJ, Azim F, Shakeel CS, Hassan U. Deep learning application for effective classification of different types of psoriasis. J Healthc Eng. (2022) 2022:7541583. doi: 10.1155/2022/7541583

PubMed Abstract | Crossref Full Text | Google Scholar

68. Rashid MS, Gilanie G, Naveed S, Cheema S, Sajid M. Automated detection and classification of psoriasis types using deep neural networks from dermatology images. Signal Image Video Proc. (2024) 18:163–72. doi: 10.1007/s11760-023-02722-9

Crossref Full Text | Google Scholar

69. Kalyan K, Jakhia B, Lele RD, Joshi M, Chowdhary A. Artificial neural network application in the diagnosis of disease conditions with liver ultrasound images. Adv Bioinformatics. (2014) 2014:708279. doi: 10.1155/2014/708279

PubMed Abstract | Crossref Full Text | Google Scholar

70. Maćkiewicz A, Ratajczak W. Principal components analysis (PCA). Comp Geosci. (1993) 19:303–42. doi: 10.1016/0098-3004(93)90090-R

Crossref Full Text | Google Scholar

71. Chua KC, Chandran V, Acharya UR, Lim CM. Application of higher order statistics/spectra in biomedical signals–A review. Med Eng Phys. (2010) 32:679–89. doi: 10.1016/j.medengphy.2010.04.009

PubMed Abstract | Crossref Full Text | Google Scholar

72. Codella N, Rotemberg V, Tschandl P, Celebi ME, Dusza S, Gutman D, et al. Skin lesion analysis toward melanoma detection 2018: a challenge hosted by the international skin imaging collaboration (isic). arXiv [Preprint]. arXiv:190203368. (2019). doi: 10.48550/arXiv.1902.03368

Crossref Full Text | Google Scholar

73. Hochreiter S, Schmidhuber J. Long short-term memory. Neural Comput. (1997) 9:1735–80. doi: 10.1162/neco.1997.9.8.1735

PubMed Abstract | Crossref Full Text | Google Scholar

74. Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez A, et al. Attention is all you need. arXiv [Preprint]. arXiv:170603762. (2017).

Google Scholar

75. Mattei P L KAB., Corey K C. Psoriasis Area Severity Index (PASI) and the Dermatology Life Quality Index (DLQI): the correlation between disease severity and psychological burden in patients treated with biological therapies. J Eur Acad Dermatol Venereol. (2014) 28:333–7. doi: 10.1111/jdv.12106

PubMed Abstract | Crossref Full Text | Google Scholar

76. Banu S, Toacse G, Danciu G. Objective erythema assessment of Psoriasis lesions for Psoriasis Area and Severity Index (PASI) evaluation. In: 2014 International Conference and Exposition on Electrical and Power Engineering (EPE). Iasi: IEEE. (2014). p. 052–056.

Google Scholar

77. George Y, Aldeen M, Garnavi R. Psoriasis image representation using patch-based dictionary learning for erythema severity scoring. Comp Med Imag Graph. (2018) 66:44–55. doi: 10.1016/j.compmedimag.2018.02.004

PubMed Abstract | Crossref Full Text | Google Scholar

78. George Y, Aldeen M, Garnavi R. Automatic scale severity assessment method in psoriasis skin images using local descriptors. IEEE J Biomed Health Informat. (2019) 24:577–85. doi: 10.1109/JBHI.2019.2910883

PubMed Abstract | Crossref Full Text | Google Scholar

79. Moon CI, Lee J, Yoo H, Baek Y, Lee O. Optimization of psoriasis assessment system based on patch images. Sci Rep. (2021) 11:18130. doi: 10.1038/s41598-021-97211-9

PubMed Abstract | Crossref Full Text | Google Scholar

80. Ji B, Wang Y, Zuo D. Automatic detection and evaluation of nail psoriasis based on deep learning: A preliminary application and exploration. In: International Conference on Computer Application and Information Security (ICCAIS 2021). Bellingham: SPIE (2022). p. 311–317.

Google Scholar

81. Hsieh KY, Chen HY, Kim SC, Tsai YJ, Chiu HY, Chen GY, et al. mask R-CNN based automatic assessment system for nail psoriasis severity. Comput Biol Med. (2022) 143:105300. doi: 10.1016/j.compbiomed.2022.105300

PubMed Abstract | Crossref Full Text | Google Scholar

82. Folle L, Fenzl P, Fagni F, Thies M, Christlein V, Meder C, et al. DeepNAPSI multi-reader nail psoriasis prediction using deep learning. Sci Rep. (2023) 13:5329. doi: 10.1038/s41598-023-32440-8

PubMed Abstract | Crossref Full Text | Google Scholar

83. Paik K, Kim BR, Youn SW. Evaluation of the area subscore of the Palmoplantar Pustulosis Area and Severity Index using an attention U-net deep learning algorithm. J Dermatol. (2023). doi: 10.1111/1346-8138.16752

PubMed Abstract | Crossref Full Text | Google Scholar

84. Raj R, Londhe ND, Sonawane R. PsLSNetV2: End to end deep learning system for measurement of area score of psoriasis regions in color images. Biomed Signal Process Control. (2023) 79:104138. doi: 10.1016/j.bspc.2022.104138

Crossref Full Text | Google Scholar

85. Raj R, Londhe ND, Sonawane RS. Objective scoring of psoriasis area and severity index in 2D RGB images using deep learning. Multimedia Tools Appl. (2024) 2024:1–27. doi: 10.1007/s11042-024-18138-7

Crossref Full Text | Google Scholar

86. Okamoto T, Kawai M, Ogawa Y, Shimada S, Kawamura T. Artificial intelligence for the automated single-shot assessment of psoriasis severity. J Eur Acad Dermatol Venereol. (2022) 36:2512–5. doi: 10.1111/jdv.18354

PubMed Abstract | Crossref Full Text | Google Scholar

87. Schaap MJ, Cardozo NJ, Patel A, de Jong EMGJ, van Ginneken B, Seyger MMB. Image-based automated Psoriasis Area Severity Index scoring by Convolutional Neural Networks. J Eur Acad Dermatol Venereol. (2022) 36:68–75. doi: 10.1111/jdv.17711

PubMed Abstract | Crossref Full Text | Google Scholar

88. Huang K, Wu X, Li Y, Lv C, Yan Y, Wu Z, et al. Artificial intelligence-based psoriasis severity assessment: real-world study and application. J Med Internet Res. (2023) 25:e44932. doi: 10.2196/44932

PubMed Abstract | Crossref Full Text | Google Scholar

89. Arunkumar T, Jayanna H, A. Machine learning approach for the estimation of severity of psoriasis disorder using depth-wise convolution neural network. Indian J Sci Technol. (2023) 16:318–30. doi: 10.17485/IJST/v16i5.1723

Crossref Full Text | Google Scholar

90. Moon CI, Kim EB, Baek YS, Lee O. Transformer based on the prediction of psoriasis severity treatment response. Biomed Signal Process Control. (2024) 89:105743. doi: 10.1016/j.bspc.2023.105743

Crossref Full Text | Google Scholar

91. Xing Y, Zhong S, Aronson SL, Rausa FM, Webster DE, Crouthamel MH, et al. Deep learning-based psoriasis assessment: harnessing clinical trial imaging for accurate psoriasis area severity index prediction. Digit Biomark. (2024) 8:13–21. doi: 10.1159/000536499

PubMed Abstract | Crossref Full Text | Google Scholar

92. Moon CI, Lee J, Baek YS, Lee O. Psoriasis severity classification based on adaptive multi-scale features for multi-severity disease. Sci Rep. (2023) 13:17331. doi: 10.1038/s41598-023-44478-9

PubMed Abstract | Crossref Full Text | Google Scholar

93. Yin H, Chen H, Zhang W, Zhang J, Cui T, Li Y, et al. Image-based remote evaluation of PASI scores with psoriasis by the YOLO-v4 algorithm. Exp Dermatol. (2024) 33:e15082. doi: 10.1111/exd.15082

PubMed Abstract | Crossref Full Text | Google Scholar

94. Rodtook A, Kirimasthong K, Lohitvisate W, Makhanov SS. Automatic initialization of active contours and level set method in ultrasound images of breast abnormalities. Pattern Recognit. (2018) 79:172–82. doi: 10.1016/j.patcog.2018.01.032

Crossref Full Text | Google Scholar

95. Badrinarayanan V, Kendall A, Cipolla R. Segnet: a deep convolutional encoder-decoder architecture for image segmentation. IEEE Trans Pattern Anal Mach Intell. (2017) 39:2481–95. doi: 10.1109/TPAMI.2016.2644615

PubMed Abstract | Crossref Full Text | Google Scholar

96. Cao W, Mirjalili V, Raschka S. Consistent rank logits for ordinal regression with convolutional neural networks. arXiv [Preprint]. arXiv:190107884. (2019). doi: 10.1016/j.patrec.2020.11.008

Crossref Full Text | Google Scholar

97. Redmon J, Divvala S, Girshick R, Farhadi A. You only look once: unified, real-time object detection. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. Las Vegas, NV: IEEE. (2016). p. 779–788.

Google Scholar

98. Du G, Cao X, Liang J, Chen X, Zhan Y. Medical image segmentation based on U-Net: a review. J Imag Sci Technol. (2020) 64:020508. doi: 10.2352/J.ImagingSci.Technol.2020.64.2.020508

Crossref Full Text | Google Scholar

99. Cai L, Gao J, Zhao D. A review of the application of deep learning in medical image classification and segmentation. Ann Transl Med. (2020) 8:44. doi: 10.21037/atm.2020.02.44

PubMed Abstract | Crossref Full Text | Google Scholar

100. Tatsunami Y, Taki M. Sequencer: Deep lstm for image classification. Adv Neural Inf Process Syst. (2022) 35:38204–17.

Google Scholar

101. Zhou ZH. Learnware: on the future of machine learning. Front Comput Sci. (2016) 10:589–90. doi: 10.1007/s11704-016-6906-3

PubMed Abstract | Crossref Full Text | Google Scholar

102. Shi X, Dou Q, Xue C, Qin J, Chen H, Heng PA. An active learning approach for reducing annotation cost in skin lesion analysis. In: Machine Learning in Medical Imaging: 10th International Workshop, MLMI 2019, Held in Conjunction with MICCAI 2019, Shenzhen, China, October 13, 2019, Proceedings 10. Cham: Springer. (2019). p. 628–636.

Google Scholar

103. Katragadda C, Finnane A, Soyer HP, Marghoob AA, Halpern A, Malvehy J, et al. Technique standards for skin lesion imaging: a delphi consensus statement. JAMA Dermatol. (2017) 2016:3949. doi: 10.1001/jamadermatol.2016.3949

PubMed Abstract | Crossref Full Text | Google Scholar

104. Xiao J, Xu H, Zhao W, Cheng C, Gao H. A prior-mask-guided few-shot learning for skin lesion segmentation. Computing. (2021) 2021:1–23. doi: 10.1007/s00607-021-00907-z

PubMed Abstract | Crossref Full Text | Google Scholar

105. Liu XJ, Li Kl, Luan Hy, Wang Wh, Chen Zy. Few-shot learning for skin lesion image classification. Multimedia Tools Appl. (2022) 81:4979–90. doi: 10.1007/s11042-021-11472-0

Crossref Full Text | Google Scholar

106. Chen B, Han Y, Yan L, A. Few-shot learning approach for Monkeypox recognition from a cross-domain perspective. J Biomed Inform. (2023) 144:104449. doi: 10.1016/j.jbi.2023.104449

PubMed Abstract | Crossref Full Text | Google Scholar

107. Xiao J, Xu H, Fang D, Cheng C, Gao H. Boosting and rectifying few-shot learning prototype network for skin lesion classification based on the internet of medical things. Wireless Netw. (2023) 29:1507–21. doi: 10.1007/978-3-031-32138-2

Crossref Full Text | Google Scholar

108. Díaz IG. Incorporating the knowledge of dermatologists to convolutional neural networks for the diagnosis of skin lesions. arXiv [Preprint]. arXiv:170301976. 2017;.

PubMed Abstract | Google Scholar

109. Pathak D, Krahenbuhl P, Darrell T. Constrained convolutional neural networks for weakly supervised segmentation. In: Proceedings of the IEEE International Conference on Computer Vision. (2015). p. 1796–1804. doi: 10.1109/ICCV.2015.209

Crossref Full Text | Google Scholar

110. Barata C, Celebi ME, Marques JS. Improving dermoscopy image classification using color constancy. IEEE J Biomed Health Informat. (2014) 19:1146–52. doi: 10.1109/ICIP.2014.7025716

PubMed Abstract | Crossref Full Text | Google Scholar

111. Salvi M, Branciforti F, Veronese F, Zavattaro E, Tarantino V, Savoia P, et al. DermoCC-GAN: A new approach for standardizing dermatological images using generative adversarial networks. Comput Methods Programs Biomed. (2022) 225:107040. doi: 10.1016/j.cmpb.2022.107040

PubMed Abstract | Crossref Full Text | Google Scholar

112. Salvi M, Branciforti F, Molinari F, Meiburger KM. Generative models for color normalization in digital pathology and dermatology: advancing the learning paradigm. Expert Syst Appl. (2024) 245:123105. doi: 10.1016/j.eswa.2023.123105

Crossref Full Text | Google Scholar

113. Salahuddin Z, Woodruff HC, Chatterjee A, Lambin P. Transparency of deep neural networks for medical image analysis: a review of interpretability methods. Comput Biol Med. (2022) 140:105111. doi: 10.1016/j.compbiomed.2021.105111

PubMed Abstract | Crossref Full Text | Google Scholar

114. Zhou B, Khosla A, Lapedriza A, Oliva A, Torralba A. Learning deep features for discriminative localization. IEEE Comp Soc. (2016). doi: 10.1109/CVPR.2016.319

Crossref Full Text | Google Scholar

115. Ding S, Wu Z, Zheng Y, Liu Z, Yang X, Yang X, et al. Deep attention branch networks for skin lesion classification. Comput Methods Programs Biomed. (2021) 212:106447. doi: 10.1016/j.cmpb.2021.106447

PubMed Abstract | Crossref Full Text | Google Scholar

116. Kim B, Wattenberg M, Gilmer J, Cai C, Wexler J, Viegas F, et al. Interpretability beyond feature attribution: Quantitative testing with concept activation vectors (tcav). In: International Conference on Machine Learning. New York: PMLR. (2018). p. 2668–2677.

Google Scholar

Keywords: machine learning, deep learning, dermatology, psoriasis, review

Citation: Li H, Chen G, Zhang L, Xu C and Wen J (2024) A review of psoriasis image analysis based on machine learning. Front. Med. 11:1414582. doi: 10.3389/fmed.2024.1414582

Received: 09 April 2024; Accepted: 02 July 2024;
Published: 07 August 2024.

Edited by:

Monica Bianchini, University of Siena, Italy

Reviewed by:

Massimo Salvi, Polytechnic University of Turin, Italy
Eric Munger, United States Department of Veterans Affairs, United States
Jingwen Deng, Guangzhou University of Chinese Medicine, China

Copyright © 2024 Li, Chen, Zhang, Xu and Wen. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Huihui Li, lihh@gpnu.edu.cn; Chunlin Xu, xuchunlin@gpnu.edu.cn

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.