Figures
Abstract
Lumpy skin disease (LSD) is a critical problem for cattle populations, affecting both individual cows and the entire herd. Given cattle’s critical role in meeting human needs, effective management of this disease is essential to prevent significant losses. The study proposes a deep learning approach using the MobileNetV2 model and the RMSprop optimizer to address this challenge. Tests on a dataset of healthy and lumpy cattle images show an impressive accuracy of 95%, outperforming existing benchmarks by 4–10%. These results underline the potential of the proposed methodology to revolutionize the diagnosis and management of skin diseases in cattle farming. Researchers and graduate students are the audience for our paper.
Citation: Muhammad Saqib S, Iqbal M, Tahar Ben Othman M, Shahazad T, Yasin Ghadi Y, Al-Amro S, et al. (2024) Lumpy skin disease diagnosis in cattle: A deep learning approach optimized with RMSProp and MobileNetV2. PLoS ONE 19(8): e0302862. https://doi.org/10.1371/journal.pone.0302862
Editor: Sherin Reda Rouby, Beni Suef University Faculty of Veterinary Medicine, EGYPT
Received: December 23, 2023; Accepted: April 14, 2024; Published: August 5, 2024
Copyright: © 2024 Muhammad Saqib et al. This is an open access article distributed under the terms of the Creative Commons Attribution License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original author and source are credited.
Data Availability: "The data associated with this study can be found via GitHub at the following URL: https://github.com/SaqibSheikhSaqi/CowDiseasesMobileNetV2-RMSprop.ipynb.git Minimal data set: Dataset.zip Python Jupiter file “CowDiseasesMobileNetV2-RMSprop.ipynb” contains complete codes with all results and graphs."
Funding: This study was supported by the Deanship of Scientific Research, Qassim University, Saudi Arabia [337] in the form of publication funding to SA-A.
Competing interests: NO.
1. Introduction
Lumpy skin disease, which is caused by LSDV [1], poses a significant threat to cattle and can be transmitted by various blood-feeding vectors such as ticks, flies and mosquitoes. Even without prior exposure, affected animals can develop skin nodules, develop a fever and tragically succumb to the disease. Preventive strategies such as vaccination and caring for affected animals remain crucial in the management of this painful disease [2].
Lumpy skin disease is a highly contagious and serious disease that affects a large proportion of cows. Its transmissibility raises concerns about the cross-border transmission that could affect neighbouring countries. The profound impact of the disease on international trade restrictions and reduced agricultural production led to significant economic setbacks. The spread of the disease is closely linked to warm and humid climatic conditions, which favour an increase in populations of biting arthropods [3, 4]. A typical approach by cattle farmers involves a series of steps to treat lumpy skin disease. Initially, traditional remedies are used, including the application of natural leaf extracts and local burns, before seeking the help of veterinarians. However, this process is time-consuming and often leads to a delayed diagnosis of the disease [5, 6].
To better understand the complicated mechanisms underlying lumpy skin disease, a thorough evaluation of deep learning algorithms is performed in the current study. The proposed work does not directly use a convolutional neural network (CNN) model to effectively mitigate the various drawbacks associated with CNNs, including, but not limited to, high computational requirements, significant data labeling requirements, substantial memory consumption, interpretability challenges, limited applicability to sequential data tasks, relatively slow processing, and long training times [7, 8]. However, the use of transfer learning is preferable.
Furthermore, the proposed research introduces the novel integration of MobileNetV2 with the customization of RMSprop to address crucial challenges in the diagnosis of lumpy skin diseases. By mitigating the adverse effects of fading gradients, promoting effective feature reuse, and optimizing parameter utilization, the study aims to revolutionize the effectiveness and efficiency of deep learning models in the diagnosis and treatment of this debilitating disease. The research aims to significantly increase the diagnostic accuracy and treatment efficacy with this proposed approach, thus achieving significant advances in the treatment and control of lumpy skin disease. The research contributions in this thesis are as follows:
- Preparation of a well-balanced training and test dataset with appropriate image distributions.
- Implementation of a Model Utilizing MobileNetV2 Architecture with the RMSprop Optimizer.
- Assessment and comparison of the performance of the MobileRMSNet with other relevant studies.
The rest of the manuscript is organized as follows: The literature review is contained in Section 2. Section 3 describes the proposed model, MobileRMSNet, with a detailed mathematical explanation and visual results. Section 4 discusses the simulation setup of MobileRMSNet and presents the experimental results. Section 5 presents a comparative analysis of the proposed model. Finally, Section 6 presents the conclusion and future work.
2. Related works
Most disease research has been conducted using machine learning and deep learning techniques. The literature first looks at machine learning, followed by research into deep learning methods. One study by researchers presented a computerized cataract classification system that relies on fundus images and is documented in [8]. In this study, features were taken from the optic disk and cup. The in vivo Automatic Nuclear Cataract Detection and Classification System has been given the DRISHTI and RIM-ONE V3 fundus picture datasets to find glaucoma [9]. Further, a machine learning and ultrasonography-based automated in vivo nuclear cataract detection and categorization system was created. The following description provides more detail about this method [10]. Subsequently, in [11], the researchers employed an SVM classifier to categorize fundus images as cataract images using an RBF network to assess the severity of the disease and achieved a specificity of 93.33%. In another study [12], a CNN model for automatic glaucoma classification was developed using transfer learning techniques on the DRISHTI and RIM-ONE V3 datasets with fundus images. In addition, a cataract detection method based on an Android smartphone was presented in [13], which used a single-layer perceptron technique that achieved a classification accuracy of 85%.
A considerable amount of research has been devoted to the study of bovine nodular skin disease. Yet, there is a notable lack of technical studies in the field of computer vision that specifically address bovine lumpy skin disease. Although some theoretical studies have been documented, empirical research remains relatively limited. In particular, an evaluation has been outlined that focuses on the qualitative assessment of lumpy skin disease transmission [14–18], using probabilistic methods to assess the associated risks [19, 20]. Recent advances in machine vision and machine learning have driven the development of various methods for human health disease segmentation and classification [21]. For example, an automated method for lung cancer classification, involving a two-step segmentation and classification process, has been introduced based on both classical and transfer learning from chest X-ray images. In particular, including feature selection techniques has helped optimize detection results, leading to a remarkable accuracy rate of over 90% in all disease categories [22].
The literature also covers the various attempts to classify skin lesions in human skin cancer [23]. In this particular instance, high-pass filters to enhance edges and homomorphic filters to lessen lighting effects have been prioritized [24]. Such research highlights the critical function of segmentation and illuminates several cancer features [25]. This feature collection covers form, delineation, asymmetry, and irregularity evaluations. Lesion boundary definition techniques combining weight-based feature selection and morphological filtering have also succeeded [26]. Numerous classification techniques are researched, including deep learning models, decision trees [27], support vector machines (SVMs) [28], and K-nearest neighbours (KNNs) [29–31].
In particular, studies have emphasised the application of GoogLeNet and Inception V3 CNN models for skin cancer classification and the application of the AlexNet model for pattern recognition [32, 33]. In addition, the use of a Deep Full-Resolution Convolution Network (DFRCN) with a SoftMax layer for robust classification purposes was highlighted [34, 35]. Several works were found to rely on conventional machine learning approaches for the study of animal diseases, with a limited number of works utilising the transfer learning method of denseNet121 instead of mobileNet methods [36–38]. Consequently, there are still some challenges, such as improving model accuracy while addressing issues related to model complexity by reducing the number of training parameters, layers, depth, runtime and overall size of the model [39].
3. Proposed model: MobileRMSNet
The main goals of integrating MobileNetV2 with the RMSprop optimizer into our model revolve around removing obstacles such as mitigating gradient descent, promoting feature reuse, and minimizing parameter consumption. These goals significantly improve the training process of our deep learning model. Fig 1 illutrates the proposed Model.
3.1. Layers in proposed model
Fig 1 illustrates the structure of a convolutional neural network (CNN) tailored to image classification. The model starts with a Conv2D layer that performs a 2D convolution on the input image and produces a 224x224 output containing 32 feature maps. These feature maps capture different patterns and features within the image. A max-pooling layer is then used to reduce the spatial dimensions to 112x112 while retaining the 32 feature maps to reduce the data size and extract key information.
The image will then have a second Conv2D layer added to it, producing 96 feature maps. This layer pulls even more complex patterns and features from the input image. A max-pooling layer is applied, reducing the map’s dimensions to 56x56. This layer maintains the 96 feature maps while doing the downsampling and feature extraction procedures. The pattern repeats itself when the model passes through an increasing number of max-pooling and Conv2D layers; the spatial dimension decreases, and the model’s feature mappings grow bigger with each additional layer.
Using the highest Conv2D layer, 576 feature maps are created to capture the highly complex features in the data. The last max-pooling layer decreases the spatial dimensions to 7x7 while maintaining the 576 feature maps. The most important things won’t change as a result. The multidimensional input is then transformed into a one-dimensional vector by the flattening layer, which prepares it for processing by completely and densely interconnected layers.
Two dense layers follow, the first of which consists of 40 neurons and enables the model to understand complicated patterns and relationships in the data. The last dense layer consists of 2 neurons, indicating the binary classification nature of the model. It uses the softmax function to provide two outputs representing the estimated percentage of healthy cows and cows with lumps, making it well-suited for binary image classification.
3.2. RMSprop optimizer
The RMSprop optimizer dampens fluctuations in the vertical, which allows the use of a higher learning rate so that the algorithm can make greater progress in the horizontal, which accelerates convergence. The following equations describe the calculation of the gradients for both RMSprop and gradient descent with momentum. Normally, the momentum value, referred to as β, is set to 0.95, which results in 1- β being 0.005. In this context, the learning rate, represented by α, is specifically set to 0.001. These parameters are chosen to optimize the model fitting process.
When applying this optimizer during backpropagation, the bias β and the weight W are modified by Eqs 1 and 2, where Vdw and Vdb denote specific values derived from Eqs 3 and 4, respectively and are used to minimize the loss. dw denotes the weight derivative, while db represents the prestress derivative concerning the loss. Here, epsilon € denotes a non-zero value that is incorporated to protect the model from significant errors in the case of 0 values for and .
(1)(2)(3)(4)3.3. Softmax-based prediction scheme
By applying softmax as the output layer for the hidden layers, the probability of predicting target labels (e.g., for the cow disease, [1,0] signifies ’healthycow,’ and [0,1] represents ’limpycow’) is computed. The net input is evaluated using a formula in Eq 5, where the weight vector is denoted as ’w,’ the input vector as ’x,’ and the bias as ’b.’ Softmax computation can be performed based on Eq 5, leading to the outcomes illustrated in Eqs 6, 7 and 8. (5) Where,.
(6)(7)(8)3.4. Functionality of model
To demonstrate the functionality of the above model, two different images of cows were fed into the model, one showing a ’healthy’ cow and the other a ’lumpy’ cow. Following the MobileNetV1-derived operations of convolution and max-pooling in conjunction with the integration of the RMSprop optimizer and the application of the softmax function on the output layer, the model successfully and accurately classified the images and correctly identified them as representations of ’healthy’ and ’lumpy’ cows, as vividly illustrated in Fig 2.
3.5. Simulation setup of MobileRMSNet
The implementation of the proposed model MobileRMSNet was realized by using important Python libraries, in particular, the modules ’MobileNetV2’, ’Dense’, ’Flatten’ and ’Optimizers’ [35-]. Throughout the training process, the model worked with images of dimensions 224x224, with a specified batch size of 32, to ensure efficient handling of the data during the training phase. The model uses 5 epochs to ensure adequate convergence and comprehensive learning and to ensure the best fit of the model to the dataset.
3.6. Dataset collection
The dataset encompassed a total of 464 images of healthy cows and 329 images of cows affected by lumpy skin disease. A key challenge was to develop an optimal strategy for partitioning these images to effectively meet the requirements of the model. Through careful consideration of each image, a meticulous process was undertaken that resulted in 334 images being designated for training as representations of healthy cows and 130 images for testing purposes. Similarly, 229 images were selected for training and 100 images for testing to ensure a balanced and comprehensive representation of both healthy and lumpy cows in the training and testing datasets. To ensure diversity and completeness, particular emphasis was placed on including a wide array of images in the training and testing datasets, each of which was diverse and representative. A selection of the training and test datasets is shown in Table 1 and Table 2 respectively.
3.7. Model implementation
The depiction of MobileRMSNet’s Jupyter file in Fig 3 illustrates a remarkable milestone: in the fifth epoch, a remarkable accuracy of 95% was achieved for the test data. It is worth noting that the time taken during the first five epochs was between 30 and 40 seconds, indicating efficient use of computational resources. Furthermore, a clear trend shows a steady decrease in the loss function over successive epochs for both the training and test data, indicating a continuous improvement in the predictive capabilities and generalization performance of the model.
4. Results and discussions
Since the model was trained on the training set, the trained model was applied to the test data. The extracted values on the output layer for all test data were calculated.
In this study, a comprehensive analysis was performed assessing the agreement between the expected and predicted results for the categories "truly healthy cows" and "truly lumpy cows"," represented as binary vectors [1,0] and [0,1], respectively. The softmax values, detailed in Table 3, have a two-component structure where the classification depends on the relative sizes of the two elements. When the first element assumes a higher value, the corresponding vector corresponds to [1,0]; conversely, it is represented as [0,1] when the second element predominates. The final predicted class derived from the values highlighted in Table 3 is detailed in Table 4 and provides a comprehensive overview of the model’s classification performance.
4.1. Scientific investigation
In the context of this academic study, Table 5 takes a unique approach by showing the actual images themselves instead of referring exclusively to captions or names. This deliberate methodological choice stems from the intention to increase precision and reduce potential ambiguities that could arise from the exclusive use of image captions. By including the authentic images directly in Table 5, researchers can effectively communicate their findings and facilitate other researchers’ replication of their work. This novel approach significantly increases the transparency and reproducibility of the study and underscores its essential role in maintaining the rigour and credibility of scientific research.
4.2. Mistakenly predicted classes
The model showed impressive accuracy in correctly predicting all images of healthy cows. However, there were a few cases where images of lumpy cows were misclassified as ’healthy’ cows, as highlighted in Table 6. In particular, ’image 1034’ and ’image 1122’ were taken from a considerable distance, making it difficult for the model to detect the lumps or patches, resulting in them being classified as ’healthy’ with a confidence level of over 90%.
In addition, the ’image1051’ offered a complex scenario, as it contained a cow, text, and a human figure. One cow appeared relatively small in the image, while the other took up a more significant part. The model struggled to accurately calculate the predicted values due to the surrounding context and complexity and eventually labelled this ’lumpy’ image as a ’healthy’ cow with a confidence level of 72%.
The image quality of ’image 1072" was inferior, making it difficult to recognize the lumps or spots. Therefore, this image was also incorrectly classified as a ’healthy’ cow. ’Image 425’ shows the leg of a healthy cow; however, the poor quality of the image led to the black colour being incorrectly interpreted as a lump. Consequently, the model classification for this image resulted in a 38% probability of ’healthy cows’ and a 62% probability of ’lumpy cows.’ These results highlight the importance of using high-quality cameras when using the model and ensuring that there are no humans near the cow, as these factors can significantly affect the model’s accuracy in detecting lumpy skin disease in cows.
5. Statistical results
A confusion matrix is a table that visualizes the performance of a classification model. It shows how many predictions the model has made correctly and incorrectly for each class. It is divided into four quadrants, each of which represents a type of prediction error. The four possible outcomes of a binary classification problem are:
- True healthycows (TP): it shows that the “healthycows” classis predicted in correct way by the model
- True lumpycows (TN): it illustrates that the “lumpycows” classis correctly predicted
- False healthycows (FP): it directs that the “healthycows” classis not predicted correctly
- False lumpycows (FN): it indicates that the “lumpycows” class is not predicted by the model correctly
As part of this scientific investigation, MobileRMSNet made predictions about a series of images. From the entire dataset, 127 images were successfully classified as "true healthycows"," while 4 images were incorrectly labeled as "false lumpycows" In addition, the model correctly identified 93 images as "true lumpycows"," but incorrectly assigned 7 images to the "false healthy cows " category.
5.1. Precision
Precision tells us how many of the positive guesses were right (true positives). We can calculate it using the formula:
In this case, the model achieved 95% precision for ’healthycows’, 96% for ’lumpycows’, and an average precision of 95%.
5.2. Recall
Recall tells us how many positive cases the classifier predicted correctly out of all the positive cases in the data. It’s also known as Sensitivity. We calculate it using the formula:
In this case, the model achieved 97% recall for ’healthycows’, 93% for ’lumpycows’, and an average recall of 95%.
5.3. F1-Score
The F1-Score is a measure that combines both precision and recall. It is often described as the balanced mean of the two. The harmonic mean, used in the F1-Score calculation, is a method for determining an "average" of values, typically considered more suitable for ratios, such as precision and recall, than the regular arithmetic mean. The formula for calculating the F1-Score in this context is
In this study, the proposed model achieved a 96% F1-Score for ’healthycows’, 94% for ’lumpycows’, and an average F1-Score of 95%.
5.4. Accuracy
The primary metric commonly used for evaluating models is Accuracy, which represents the proportion of correct predictions overall predictions: $Acc = \frac{TS+TNS}{TS+TNS+FS+FNS}$. In this study, the MobileRMSNet achieved 95% accuracy.
Comprehensive insights into the precision, recall, and accuracy metrics derived from this study are thoroughly documented and delineated in detail within Table 7 and further visually explicated in Fig 4.
5.4.1. Performance of model.
The graphical representation in Fig 5 shows a comprehensive performance evaluation of the proposed model, which includes essential metrics such as train loss, test loss, train accuracy, and test accuracy, respectively. In this context, "train loss" refers to the quantification of the deviations or errors of the model from the expected output during the training phase. Conversely, test loss refers to the model’s error rate when working with new, unseen data during the test phase (shown in Fig 5).
Training accuracy’s advantage is that it indicates how successfully the model categorizes the training set. From an alternative perspective, the accuracy of the test provides information about the model’s ability to process new and unexpected data in Fig 6.
A detailed analysis of the patterns and trends in the image shows how well the proposed model performed throughout training and testing. Comparing the train and test losses shows the model’s flexibility and generalization to new data. Studying the link between train and test accuracy may also show the model’s capacity to classify the training and test datasets successfully.
6. Discussion
6.1. Physical implementation of Mobile RMSNet
As LSD is a critical and perilous disease affecting cows, it not only poses a threat to the afflicted cow but also to all others residing with it. MobileRMSNet primarily focuses on implementing early detection and preventive measures in farms to address this significant concern.
The versatility of the proposed model lies in it being applicable to different categories of farms cited and endemic regions singled out. The way to use it is quite simple: detection is activated either by cameras connected to an application installed on a smartphone or computer. The model is trained, and then it is automatically and directly embedded in the application.
High-resolution cameras are recommended for optimum performance, despite their potential high cost and susceptibility to harm from animals. A practical solution is suggested to mitigate this type of risk by positioning the cameras in elevated locations, such as where cows graze or move in lines, respectively. LSD-affected cattle can be identified through live images captured by the cameras. The owner can be promptly notified via smartphone recognition, enabling swift action to protect the affected cow and prevent the infection from spreading to other cows. This versatile setup can be easily implemented in various endemic farms. Cameras placed in the suggested locations can be covered under shade and positioned at a reasonable height.
At an advanced level, farms can utilize modern technology to improve the detection of LSD-affected cows. This involves the integration of smart cages equipped with sensors and linked to the application. These smart cages, representing potential future developments, can automatically segregate affected cows, offering an additional layer of control and containment. Such an integrated approach underscores the model’s effectiveness in managing and mitigating the impact of LSD in cattle farms.
6.2. Comparative analysis of the proposed model
To determine the effectiveness of the suggested model, we compared the results of this study to those of earlier studies in the same field. The primary objective was to assess the model’s capacity to accurately identify and classify particular characteristics, distinguishing between "lumpycows" and "healthy cows" within an extensive collection of cow images. The outcomes clearly showed that during completing this task, the recommended model reached an unusually high degree of accuracy. It emphasizes its remarkable superiority over previous methods in accurately detecting and describing the nuances between the male and female features within the provided image dataset. As shown in Table 8, the performance of the proposed model showed significantly higher accuracy compared to parallel studies in the field.
7. Conclusion and future work
Lumpy skin disease, which is caused by the LSD virus, poses a significant threat to cattle and can be transmitted by various blood-feeding vectors such as ticks, flies and mosquitoes. Even without prior exposure, affected animals can develop skin nodules, develop a fever, and tragically succumb to the disease. Preventive strategies such as vaccination-affected animals remain crucial in combating this devastating disease. The proposed methodology (MobileRMSNet) utilises the advanced MobileNetV2 with RMSprop architecture, an innovative deep-learning approach that effectively mitigates the challenges of diagnosing lumpy skin disease. This model represents a significant advance in accurately diagnosing this disease by overcoming complex problems such as fading gradients, feature reuse, and parameter optimization. With a high accuracy rate of 95% and impressive precision and recall rates of 0.95, the proposed methodology far outperforms existing benchmarks. It solidifies its position as a frontrunner in lumpy skin disease diagnosis and management.
In addition to the significant findings, several important limitations have been noted, which will guide further investigation. For instance, further research into images with a resolution of 224 by 224 pixels is required since adjusting this parameter can improve picture quality and optimize feature representation. Changes to this segmentation process could provide a deeper comprehension of the dynamics of the disease. Therefore, we should reconsider how to train and test images by separating them into subgroups of healthy, clumped animals. Investigating other optimization techniques for RMSprop optimization presents a viable means of improving the effectiveness and efficiency of the model’s training operation.
By exploring and implementing optimized strategies for image resizing, data partitioning, and optimizer selection, future studies may improve the accuracy and applicability of MobileRMSNet, paving the way for more comprehensive and refined analyses in lumpy skin disease diagnosis and management.
Acknowledgments
The researchers would like to thank the Deanship of Scientific Research, Qassim University, Saudi Arabia, for funding the publication of this project.
References
- 1. Abbas Q., Garcia I., and Rashid M. (2010). Automatic skin tumour border detection for digital dermoscopy using a new digital image analysis scheme. British Journal of Biomedical Science, 67(4):177–183.336. pmid:21294444
- 2. Abbas T., Fatima A., Shahzad T., Alissa K., Ghazal T. M., Al-Sakhnini M. M., et al. (2023). Secure IOMT for disease prediction empowered with transfer learning in healthcare 5.0, the concept and case study. IEEE Access.
- 3. Akther M., Akter S. H., Sarker S., Aleri J. W., Annandale H., Abraham S., et al. (2023).Global burden of lumpy skin disease, outbreaks, and future challenges. Viruses, 15(9):1861. pmid:37766268
- 4. Al-Masni M. A., Al-Antari M. A., Choi M.-T., Han S.-M., and Kim T.-S. (2018). Skin lesion segmentation in dermoscopy images via deep full-resolution convolutional networks. Computer methods and programs in biomedicine, 162:221–231. pmid:29903489
- 5. An Q., Li Y.-p., Sun Z., Gao X., Wang H.-b., et al. (2023). Global risk assessment of the occurrence of bovine lumpy skin disease: Based on an ecological niche model. Transboundary and Emerging Diseases, 2023.
- 6. Bianchini J., Simons X., Humblet M.-F., and Saegerman C. (2023). Lumpy skin disease: A systematic review of mode of transmission, risk of emergence and risk entry pathway. Viruses,15(8):1622. pmid:37631965
- 7. Caixinha M., Amaro J., Santos M., Perdigao F., Gomes M., and Santos J. (2016). In-vivo automatic nuclear cataract detection and classification in an animal model by ultrasounds. IEEE Transactions on Biomedical Engineering, 63(11):2326–2335. pmid:26886962
- 8. Civit-Masot J., Domínguez-Morales M. J., Vicente-Díaz S., and Civit A. (2020). Dual machine-learning system to aid glaucoma diagnosis using disc and cup feature extraction. IEEE Access,8:127519–127529.
- 9. Farra D., De Nardi M., Lets V., Holopura S., Klymenok O., Stephan R., et al. (2022).Qualitative assessment of the probability of introduction and onward transmission of lumpy skin disease in Ukraine. Microbial Risk Analysis, 20:100200.
- 10. Genemo M. (2023). Detecting high-risk areas for lumpy skin disease in cattle using deep learning feature. Advances in Artificial Intelligence Research, 3(1):27–35.
- 11. Gómez-Valverde J. J., Antón A., Fatti G., Liefers B., Herranz A., Santos A., et al. (2019). Automatic glaucoma classification using colour fundus images based on convolutional neural networks and transfer learning. Biomedical Optics Express, 10(2):892–913.
- 12. Guo L., Yang J.-J., Peng L., Li J., and Liang Q. (2015). A computer-aided healthcare system for cataract classification and grading based on fundus image analysis. Computers in Industry, 69:72–80.
- 13. Haq I., Mazhar T., Asif R. N., Ghadi Y. Y., Saleem R., Mallek F., et al. (2023). A deep learning approach for the detection and counting of colon cancer cells (ht-29 cells) bunches and impurities. PeerJ Computer Science, 9:e1651. pmid:38192457
- 14.
Harini, V. and Bhanumathi, V. (2016). Automatic cataract classification system. In 2016 International Conference on Communication and Signal Processing (ICCSP), pages 0815–0819. IEEE.
- 15. Hasan Z., Fatima A., Shahzad T., Abbas S., Ghazal T. M., Al-Sakhnini M. M., et al. (2023). Nanomedicine: Treatment of chronic disease using gold nano thermo robot empowered with nanotechnology approaches. IEEE Access.
- 16. Kang C., Yu X., Wang S.-H., Guttery D. S., Pandey H. M., Tian Y., et al. (2020a). A375 heuristic neural network structure relying on fuzzy logic for images scoring. IEEE transactions on376 fuzzy systems, 29(1):34–45.
- 17. Kang Y., Fang Y., and Lai X. (2020b). Automatic detection of diabetic retinopathy with statistical method and bayesian classifier. Journal of Medical Imaging and Health Informatics, 10(5):1225–1233.
- 18. Ketkar N. and Ketkar N. (2017). Introduction to keras. Deep learning with python: a hands-on introduction, pages 97–111.
- 19. Kobylin O., Gorokhovatskyi V., Tvoroshenko I., and Peredrii O. (2020). The application of non-parametric statistics methods in image classifiers based on structural description components. Telecommunications and Radio Engineering, 79(10).
- 20. Lawson A. B. (2018). Bayesian latent modelling of spatio-temporal variation in small-area health385 data. Wiley Interdisciplinary Reviews: Computational Statistics, 10(6):e1441.
- 21.
Lee, T. K. (2001). Measuring border irregularity and shape of cutaneous melanocytic lesions. PhD thesis, Citeseer.
- 22. Li Y., An Q., Sun Z., Gao X., Wang H., et al. (2023). Risk factors and spatiotemporal distribution of lumpy skin disease occurrence in the Asian continent during 2012–2022: An ecological niche model. Transboundary and Emerging Diseases, 2023.
- 23.
Mazhar T., Haq I., Ditta A., Mohsan S. A. H., Rehman F., Zafar I., et al. (2023). The role of machine learning and deep learning approaches for the detection of skin cancer. In Healthcare, volume 11, page 415. MDPI.
- 24. Mazi T., Rakesh B., Reddy S. T. K., and Chandu N. (2023a). A deep learning method to identify lumpy skin disease in cows. Int. Res. J. Mod. Eng. Technol. Sci, 5:4163–4170.
- 25. Mazi T., Reddy B. R. T. K., and Chandu N. (2023b). A survey on deep learning methods to identify lumpy skin disease in cows. International Journal of Advanced Research in Science, Communication and Technology (IJARSCT), 3(1).
- 26. Mehta P. and Shah B. (2016). Review on techniques and steps of computer-aided skin cancer diagnosis. Procedia Computer Science, 85:309–316.
- 27.
Miglani, V. and Bhatia, M. (2020). Skin lesion classification: A transfer learning approach using efficiencies. In International Conference on Advanced Machine Learning Technologies and Applications, pages 315–324. Springer.
- 28. Murugan A., Nair S. A. H., and Kumar K. S. (2019). Detection of skin cancer using SVM, random forest and KNN classifiers. Journal of Medical Systems, 43:1–9. pmid:31273532
- 29. Nirgudwar R., Bhangdiya V., Gabhane A., Hemane R., et al. (2023). Lumpy disease detection using machine learning. SSGM Journal of Science and Engineering, 1(1):184–188.
- 30.
Rai G., Naveen , Hussain A., Kumar A., Ansari A., and Khanduja N (2021). A deep learning approach to detect lumpy skin disease in cows. In Computer Networks, Big Data and IoT: Proceedings of ICCBI 2020, pages 369–377.
- 31. Sanz-Bernardo B., Suckoo R., Haga I. R., Wijesiriwardana N., Harvey A., Basu S., et al. (2022). The acquisition and retention of lumpy skin disease virus by blood-feeding insects is influenced by the source of virus, the insect body part, and the time since feeding. Journal of Virology, 96(15):e00751–22. pmid:35867566
- 32. Schaefer G., Rajab M. I., Celebi M. E., and Iyatomi H. (2011). Colour and contrast enhancement for improved skin lesion segmentation. Computerized Medical Imaging and Graphics, 35(2):99–104. pmid:21035303
- 33.
Sigit, R., Triyana, E., and Rochmad, M. (2019). Cataract detection using single layer perceptron based on smartphone. In 2019 3rd International Conference on Informatics and Computational Sciences (ICICoS), pages 1–6. IEEE.
- 34. Tageldin M. H., Wallace D. B., Gerdes G. H., Putterill J. F., Greyling R. R., Phosiwa M. N., et al. (2014). Lumpy skin disease of cattle: an emerging problem in the sultanate of Oman. Tropical animal health and production, 46:241–246. pmid:24097247
- 35. Vigier M., Vigier B., Andritsch E., and Schwerdtfeger A. R. (2021). Cancer classification using machine learning and hrv analysis: preliminary evidence from a pilot study. Scientific Reports, 11(1):22292. pmid:34785733
- 36. Wang S., Sun J., Mehmood I., Pan C., Chen Y., and Zhang Y.-D. (2020). Cerebral micro-bleeding identification based on a nine-layer convolutional neural network with stochastic pooling. Concurrency and Computation: Practice and Experience, 32(1):e5130.
- 37. Wang S., Tang C., Sun J., and Zhang Y. (2019). Cerebral micro-bleeding detection based on densely connected neural network. Frontiers in neuroscience, 13:422. pmid:31156359
- 38. Whittle L., Chapman R., and Williamson A.-L. (2023). Lumpy skin disease—an emerging cattle disease in Europe and Asia. Vaccines, 11(3):578. pmid:36992162
- 39.
Yuan, X., Yang, Z., Zouridakis, G., and Mullani, N. (2006). Svm-based texture classification and application to early melanoma detection. In 2006 international conference of the IEEE Engineering in Medicine and Biology Society, pages 4775–4778. IEEE.