Next Article in Journal
Development of a Safety Heavy-Duty Vehicle Model Considering Unsafe Acts, Unsafe Conditions and Near-Miss Events Using Structural Equation Model
Previous Article in Journal
Dynamic Incentive Contract of Government for Port Enterprises to Reduce Emissions in the Blockchain Era: Considering Carbon Trading Policy
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Lightweight Federated Learning for Rice Leaf Disease Classification Using Non Independent and Identically Distributed Images

1
Chitkara University Institute of Engineering and Technology, Chitkara University, Punjab 140401, India
2
Department of Computer Science and Engineering, School of Engineering and Technology, Central University of Haryana, Mahendragarh, Haryana 123031, India
3
Faculty of Education, Curriculums and Teaching Department, Umm Al-Qura University, Mecca P.O. Box 715, Saudi Arabia
4
Department of Computer Science, Umm Al-Qura University, Mecca P.O. Box 715, Saudi Arabia
5
Engineering Research & Innovation Group, Universidad Europea del Atlántico, C/Isabel Torres 21, 39011 Santander, Spain
6
Islamic University Centre for Scientific Research, The Islamic University, Najaf 54001, Iraq
7
Uttaranchal Institute of Technology, Uttaranchal University, Dehradun, Uttarakhand 248007, India
*
Author to whom correspondence should be addressed.
Sustainability 2023, 15(16), 12149; https://doi.org/10.3390/su151612149
Submission received: 23 June 2023 / Revised: 1 August 2023 / Accepted: 3 August 2023 / Published: 9 August 2023

Abstract

:
Rice (Oryza sativa L.) is a vital food source all over the world, contributing 15% of the protein and 21% of the energy intake per person in Asia, where most rice is produced and consumed. However, bacterial, fungal, and other microbial diseases that have a negative effect on the health of plants and crop yield are a major problem for rice farmers. It is challenging to diagnose these diseases manually, especially in areas with a shortage of crop protection experts. Automating disease identification and providing readily available decision-support tools are essential for enabling effective rice leaf protection measures and minimising rice crop losses. Although there are numerous classification systems for the diagnosis of rice leaf disease, no reliable, secure method has been identified that meets these needs. This paper proposes a lightweight federated deep learning architecture while maintaining data privacy constraints for rice leaf disease classification. The distributed client–server design of this framework protects the data privacy of all clients, and by using independent and identically distributed (IID) and non-IID data, the validity of the federated deep learning models was examined. To validate the framework’s efficacy, the researchers conducted experiments in a variety of settings, including conventional learning, federated learning via a single client, as well as federated learning via multiple clients. The study began by extracting features from various pre-trained models, ultimately selecting EfficientNetB3 with an impressive 99% accuracy as the baseline model. Subsequently, experimental results were conducted using the federated learning (FL) approach with both IID and non-IID datasets. The FL approach, along with a dense neural network trained and evaluated on an IID dataset, achieved outstanding training and evaluated accuracies of 99% with minimal losses of 0.006 and 0.03, respectively. Similarly, on a non-IID dataset, the FL approach maintained a high training accuracy of 99% with a loss of 0.04 and an evaluation accuracy of 95% with a loss of 0.08. These results indicate that the FL approach performs nearly as well as the base model, EfficientNetB3, highlighting its effectiveness in handling both IID and non-IID data. It was found that federated deep learning models with multiple clients outperformed conventional pre-trained models. The unique characteristics of the proposed framework, such as its data privacy for edge devices with limited resources, set it apart from the existing classification schemes for rice leaf diseases. The framework is the best alternative solution for the early classification of rice leaf disease because of these additional features.

1. Introduction

Agriculture is essential for human survival because it supports and regulates the food chain. Previously, farmers relied on frequent field visits to check on crop growth, which frequently resulted in food shortages because of calamities caused by nature and human error [1]. Traditional farming practices are often less profitable because they require a lot of human labour. Along with meeting consumer demand, the food production industry has a duty to combat poverty, prevent malnutrition, and protect freshwater resources. Grains, such as wheat (Triticum aestivum L.), rice (Oryza sativa L.), and maize (Zea mays L.) are frequently used as a primary food source and give people the energy they need for daily activities [2]. The production of these three grains, which is the biggest in the world, is incredibly plentiful [3]. Wheat has the most area harvested each year with 214 million ha, followed by rice with 154 million ha and maize with 140 million ha. Human consumption accounts for 85% of total production for rice, compared with 72% for wheat and 19% for maize [4]. Rice is a vital food consumed globally and is produced almost entirely domestically. In Asia, rice is a well-liked and reasonably priced nutrient source. According to FAOSTAT, rice is grown in five continents: Asia, Africa, America, Europe, and Oceania [5].
Rice crop fields are vulnerable to damage from diseases and pests every year, and inexperienced young farmers may struggle to identify the exact disease affecting their crops. The majority of the time, rice diseases are found using carefully supervised techniques, such as a visual inspection of the crops or lab tests [6]. A skilled person is needed for visual inspection, which can take a lot of time. Laboratory experimentation, on the other hand, involves a lengthy process and the use of chemical reagents. In most nations, the demand for rice is anticipated to increase more quickly than the supply. Damage to the rice crop is unacceptable for this reason, regardless of the cause. It is necessary to automate the detection of rice leaf diseases to reduce crop losses [7]. By continually scanning crops for potential infections, this automated method of disease identification will also lower labour costs. For automatically identifying rice leaf diseases, numerous researchers have put forward fascinating ideas [8]. There are many machine learning (ML)/deep learning (DL) and internet of things (IoT) approaches available for early rice leaf diseases identification and they have proven successful in a number of different fields. However, for the past ten years, applying ML to decentralised data has been a difficult task [9]. To enable a decentralised approach, a framework that integrates multiple methods of deep learning in real-time to support the data privacy, lessen communication costs, and provide a distributed framework for training and testing is required. Lightweight federated learning is in demand right now to address important issues such as data privacy, security, access rights, and heterogeneous data access [10].
Federated learning (FL) is extremely valuable for maintaining privacy while performing deep learning tasks, particularly in the domain of classifying diseases that affect rice leaves. Its potential is based on its ability to effect fundamental changes in fields of distributed ML/DL, particularly in terms of privacy and security. Since 2018, more researchers have become interested in running FL experiments across many important industries, including healthcare and finance [11,12,13,14]. It accomplishes this without requiring data transfer from the participants’ individual client nodes. Researchers at Google came up with this method, which entails training distributed datasets in a centralised parameter server [15]. Lightweight FL refers to the development of algorithms and methods that reduce the amount of computational and communication resources needed for model training on edge devices or distributed systems. In environments with limited resources, such as those involving mobile devices, IoT devices, or networks with constrained bandwidth, it is intended to make federated learning effective and scalable. It could be put to use in a variety of applications that call for quick analytics on widely dispersed data. To classify the diseases of rice leaves, there is still a dearth of research in the area of FL. For the successful application of FL in real-world scenarios, these issues must be resolved. Figure 1 illustrates the three steps that make up the FL process.
i. 
Every client trains the model locally at their respective local site using their own data set (images of rice leaf disease), then uploads the locally trained model to the main server;
ii. 
The central server integrates local models, updates, trains a global model, then provides access to the updated model for all clients;
iii. 
Every client uses the parameters received by the globally trained model from the central server to both inform their own decisions and take part in the next cycle of model updates.
Federated learning, which protects clients’ privacy during the training process, is better suited for data-sensitive applications than the current ML/DL approaches. Since a node participating in federated learning has access to a local model, intermittent connectivity problems have little effect on its performance [16]. The communication overhead is also addressed which is a significant drawback of conventional ML/DL approaches.
Agriculture plays an important role in supporting the growing population and serving as an essential energy source. Plant diseases present a serious risk to crop quality and yield, which has an effect on agricultural development. Expert manual observation, which takes time and requires a lot of work, has traditionally been the standard method for identifying rice leaf disease. A model for automatic disease detection in rice leaves has been created to address these issues [17]. Deep learning (DL), a powerful image processing technique, has demonstrated remarkable success in various tasks such as scene analysis, disease detection, and object detection [18]. Specifically, in the context of rice diseases, DL can be effectively utilized for leaf diagnosis, allowing farmers to make informed decisions on whether to apply crop treatments based on the detected diseases affecting the leaves.
In this study, an FL-based model was proposed for the classification of rice leaf diseases due to the several advantages that make it suitable for the requirements of rice leaf disease classification. Firstly, it addresses data privacy concerns by allowing the training process to be performed directly on users’ devices, without the need to transfer sensitive agricultural data to a central server. When working with sensitive data, this is especially crucial. Second, distributed datasets from various sources can be handled by federated learning [19]. Since different regions or nations may have a variety of diseases or environmental factors influencing the growth of rice plants, this is helpful in the context of classifying rice leaf diseases. The classification models can be more reliable and accurate by utilising data from different sources [20]. Federated learning plays a crucial role in reducing communication costs, which is particularly important for agricultural applications where internet connectivity can be unreliable or limited in certain areas. By enabling localized model training, federated learning enhances productivity and minimizes the necessity for extensive communication. Due to these benefits, federated learning is a desirable method for categorizing rice leaf diseases while addressing data privacy issues, allowing for a variety of datasets and improving communication in resource-constrained settings. The proposed work focuses on rice leaf disease classification as it can significantly help farmers and agricultural researchers to identify crop diseases. The paper’s main contributions are:
i. 
Implementing a lightweight federated learning approach for rice leaf disease classification;
ii. 
Implementing an improved distributed training model using federated learning with IID and non-IID datasets;
iii. 
The proposed procedure has demonstrated effectiveness compared to present techniques with data privacy for rice leaf diseases classification.

2. Related Study

In several studies, different ML/DL techniques were used to identify and categorise rice leaf diseases. Jiang et al. [21] devised an approach using a deep learning Convolutional Neural Network (DCNN) model and a Support Vector Machine (SVM) classifier, with an impressive testing accuracy of 96.8% on a dataset of 8911 images. In a similar vein, Krishnamoorthy et al. [22] proposed two different CNN architectures, Simple CNN and InceptionResNetV2, and used transfer learning techniques to achieve an astounding accuracy of 95% for disease recognition. Furthermore, Rallipali et al. [23] used CNN models, particularly AlexNet and M-Net, to identify various rice leaf diseases with an accuracy of 71.98% using a dataset of 120 images. On the other hand, Prajapati et al. [24] used the K-means clustering algorithm and morphological operations to segment diseases, which resulted in a classification accuracy of 73.33% using an SVM classifier on a dataset containing 40 images for each disease. Kumar et al. [25] suggested pre-trained models, such as MobileNet and InceptionNetV2, with validation accuracies of 70.31% and 76.56%, respectively, for the identification of rice leaf disease. In addition, Azim et al. [26] proposed a model for classifying brown spot, leaf smut, and bacterial leaf blight diseases that combined saturation and hue threshold segmentation techniques with a gradient boosting decision tree algorithm, achieving accuracies of 86.58% with XGBoost and 81% with SVM. In contrast to earlier techniques, Pallathadka et al. [27] developed a comprehensive machine learning framework that made use of histograms for image processing, principal component analysis for extracting features and SVM, Naive Bayes, and CNN models for classification. Finally, Bhartiya et al. [28] used a quadratic SVM classifier for extracting shape features and classified rice leaf disease with an accuracy of 81.8%. In Table 1 different algorithms that have been utilized for identifying various rice leaf diseases are discussed. However, the compromise between accuracy and data privacy is a significant concern. While algorithms can achieve high accuracy in disease detection, there may be potential implications for data privacy.
Researchers have acknowledged the use of enhanced ML/DL for the classification of diseases affecting rice leaves. However, they frequently shared the raw or processed data across distributed system environments to improve the accuracy of these algorithms. These methods increased the accuracy but also brought up issues with data privacy and communication costs. Given the situation, a perfect solution is required that guarantees data security, lowers communication costs, and offers a decentralised environment for developing and testing AI models. Federated learning can meet these needs by making it possible to train models collaboratively while protecting data privacy and cutting down on communication costs [19,30,31]. Researchers can accurately identify rice leaf diseases while maintaining significant data security and lowering communication costs in a decentralised training and testing environment by using a federated learning approach. The federated learning approach proposed by [10,16,29] offers a framework for dealing with the detection of fake news, driver behaviour analysis, and disaster prediction. This method gives different stakeholders the ability to create accurate and secure models in these domains while maintaining data privacy, enhancing decision-making and reducing the potential risks.
Federated learning is important to detect rice leaf diseases because it makes possible to combine distributed datasets from various farmers and regions, giving researchers a thorough understanding of how diseases behave in various environments. Federated learning has become known as a promising solution to the privacy and distributed data challenges in ML/DL systems. It introduces a new concept for secure learning that allows multiple devices or edge devices to collectively train a shared model without sharing raw data. Google has been at the forefront of developing and implementing federated learning techniques. They recognized the limitations of centralized architectures that rely on data sharing and devised FL as a solution. FL ensures that these devices can contribute to the learning process without compromising their privacy. Additionally, FL minimizes data loss by enabling local training on edge devices, thereby reducing the need for extensive data transmission [32].
The traditional ML-based approach obtains raw data for predicting rice leaf diseases. Because of the exponential growth of data, machine learning has grown in popularity within agriculture. Many ML systems, however, suffer from a lack of training data [15]. This is primarily due to growing data privacy concerns, such as restrictions on sharing information with other systems. Data analytical frameworks need to be combined with incorporated services in order to provide such services [9]. FL is highly suitable for resolving data privacy concerns in such environments by facilitating the sharing of trained models instead of raw data between resources. Truong et al. [12] proposed a novel FATRAF (FL-based auto encoder transformer Fourier anomaly detection architecture) was introduced, demonstrating its remarkable ability to achieve superior anomaly detection performance for time series data in industrial control systems (ICSs). This lightweight model is particularly beneficial for ICS security, as it allows for frequent updates in changes detected in the normal behaviours of smart devices used in a smart factory environment. Khullar and Singh [16] introduced a federated-Fake News Classification (f-FNC) framework, which leverages a distributed client–server architecture to ensure data privacy for all connected edge devices or clients. The framework utilizes LSTM, BiLSTM, CNN-LSTM, and CNN-Bi-LSTM deep learning algorithms with both independent and non-independent identically distributed (IID and non-IID) datasets. By adopting a multi-client federated learning approach, the framework achieved an impressive maximum accuracy range of 90–92% for fake news classification.

3. Materials and Methods

The methods and algorithms used in the suggested work are illustrated in this section. This paper presents a federated deep learning architecture to address data privacy constraints in the classification of rice leaf diseases. The framework employs a distributed client–server design, ensuring the privacy of all client data through the utilization of both identically and non-identically distributed (IID and non-IID) data.

3.1. Federated Learning

Federated learning is a disseminated optimisation ML technology developed in 2017 by Google researchers to train remote datasets on a centralised parameter server. The training of a shared predictive model is carried out without the need to transfer data from client nodes such as mobile phones and gateway devices, thus preventing data drift [17]. As a result, this technique offers a greater potential for use in a broader range of applications where rapid analytics based on widely distributed data is required. Since many client devices are involved in federated learning, it can be thought of as a comprehensive distributed systems [30].
In a federated learning (FL) system, there are three main components: the server, the communication background, and the clients. The prescribed definition of FL involves M clients (M1, M2… MN) that have their own datasets (D1, D2… DN), and the complete dataset is represented as DN = D1 ∪ D2 ∪ … ∪ DN. Further description mentioned in Algorithm 1.
Algorithm 1 (FedAvg: Federated Learning)
M- Clients from 1 to n
F- fractions of clients used per round
B- Mini batch size (local)
E- Epoch number (local)

Server() //At Global Server
Initialize global weights: ῳ0
for t = 1,2,3… do
  T ← max (F.M,1)
  Rt←(random sets of T clients)
  for client m Є Rt do parallel
  ClientUpdate(m, ῳt)
  ῳt+1 ← ∑Mm=1mt+1
  end
end
Client () // At Client site
ClientUpdate (m, ῳ): // on client site
ẞ ← Split data into B Batches
for each t from 1 to E do
    for batch b Є ẞ do
     Update client with weights ῳ
    end
end
return ῳ to server

3.2. Data Collection and Pre-Processing

The entire dataset contains 5932 images of rice diseases such as bacterial leaf blight, blast, brown spot, and tungro. Some of the images were collected from the rice field of western Odisha and some are collected from an agricultural pest and insect pests picture database [33]. Figure 2 depicts four types of rice diseases. The images are all properly labelled and are kept in JPG format. As shown in Table 2, there are 5932 images, 1584 of which are of bacterial leaf blight, 1440 of blast, 1600 of brown spot, and 1308 of tungro. Each image depicts a different rice disease. In order to simulate a federated environment for a dataset (i.e., the total rows in dataset divided by the total clients), the data collected were randomly divided into equal parts based on the number of clients participating in the simulation. Each client was then assigned a random partition of the dataset. This distribution was meant to mimic a scenario where each client had their own unique and diverse dataset.
The dataset has been pre-processed by resizing the images to meet the deep learning model’s requirements, such as 75 × 75 size, and applying grayscale. The pre-processed data was then partitioned at random for distribution to N clients, each of which had their own pre-processed data to use as training and evaluation for federated learning at their end. The data distribution was done to simulate a situation in which each client had a portion of a dataset.

3.3. Feature Extraction

The process of changing raw data into a set of significant characteristics that can be used for evaluation or machine learning tasks is referred to as feature extraction. Feature extraction is a technique used in many fields, including artificial intelligence, natural language processing, and signal processing, to identify significant patterns, characteristics, or representations in input data. This process helps to simplify and enhance the subsequent analysis or modelling tasks. The feature extraction process plays a crucial role in deep learning networks, which consist of pooling and convolutional layers. These layers are designed to extract image features that are useful for tasks such as target identification and positioning [34]. Deep features were obtained by extracting information from the fully connected layer, and these features were then utilized as input for the training process of the classifier.
Different configurations can be experimented with to enhance the performance of models in rice leaf disease detection, such as incorporating layers, modifying the learning rate, or altering the amount of neurons per layer, also accelerate this process by using pre-trained models [35]. These models offer significant time and computational resource savings.
In this research, 13 pre-trained models were utilized to extract features. These models, such as VGG, ResNet, and Inception, have been trained on large datasets such as ImageNet and have learned to extract useful features from images. These extracted features serve as inputs for subsequent processes such as object recognition, segmentation, and classification, enabling the accurate identification of rice leaf diseases. By modifying each segment for the feature extraction process, the accuracy of these features can be enhanced even with limited data. This method significantly accelerates training and improves accuracy by utilising specific model architectures with various layers, such as reshape, flatten, dense, dropout, and activation functions [23]. Table 3 provides details of the feature extractors, including their size, parameters, depth, input shape, and feature layer.

3.4. IID and Non-IID Data

In FL, IID and non-IID data refer to different distribution patterns of data across the participating devices or clients.
In IID data each client or device in the federated learning setup possesses a similar distribution of data. The data across clients is independent and follows the same statistical distribution. For example, if the task is image classification, IID data would mean that each client has a similar proportion of images from different classes [15]. On the other hand, non-IID means the distribution of data across clients is not identical or independent. The data may have different statistical properties, such as varying class distributions, different feature representations, or imbalanced data [36]. For example, in image classification, each client may have a different set of classes or an imbalanced distribution of classes.
Figure 3 represents how the IID and non-IID data sets are distributed among different famers’ sites. The IID data set is equally distributed, and the non-IID data set is distributed randomly among different farmers’ sites.

3.5. Proposed Federated Learning Framework for Rice Leaf Disease Images Classification

The need for rice leaf disease images classification arises from the desire to safeguard rice crops, enhance agricultural productivity, and ensure food security. By leveraging technology to develop accurate and efficient detection methods, farmers can be empowered with the necessary tools to effectively manage and mitigate the impact of rice leaf diseases. Farmers and researchers collect sensitive information related to their crops, such as images of infected rice leaves, geographic locations, and farming practices. This data may contain proprietary information or personally identifiable information (PII) that needs to be protected. In this section, the proposed work focuses on implementing and analysing the performance of federated learning for rice leaf disease classification. The proposed framework for classification of rice leaf disease is discussed in Figure 4.
Firstly, the features from the given classes of rice leaf diseases were extracted using various pre-trained models. A comparison was made between different trained models based on their training and validation accuracies to determine which model performed the best, and EfficientNetB3 was found to be the best-performing model. When implementing a federated learning (FL) system, one of the challenges is ensuring that the learning model can run efficiently on the edge devices, which act as the monitors of each zone. This requires the learning model to be lightweight, allowing it to feasibly operate on these devices. The lightweight nature of the model becomes crucial in the design of any FL-based system [37]. That is why we used a dense neural network for classification, which is a 3-layer model, instead of using another heavy and highly trained model. Each neuron in a layer of this kind of network is linked to every neuron in the layer below it, enabling the transmission of computation and data through multiple layers. EfficientNetB3 was chosen as a baseline model because it performed the best overall and had been implemented in a federated environment.
The proposed framework for federated learning in rice leaf disease classification presented in Figure 5 utilised a client–server architecture. Python programming libraries such as Keras and TensorFlow supported the implementation of the framework. Every network client had a dedicated processing and storage system to manage their unique structured data and produce model training and weights. The federated global weights of the trained models of the clients were processed by the remote server. Compared to traditional distributed machine learning and deep learning frameworks, the proposed federated framework reduces communication overhead and data privacy issues by transmitting only trained models between the client and server.
The full implementation procedure was as follows:
Step 1: Every client within the M-clients system independently collected data on rice leaf disease and stored it in its corresponding storage system.
Step 2: The collected datasets of rice leaf disease images underwent individual cleaning and pre-processing by every client within the M-clients system.
Step 3: Next, the dataset was prepared at the edges of the M-clients system for the rice leaf diseases classification using federated learning.
Step 4: In the classification process, features were extracted using 13 pre-trained models on both IID and non-IID data to identify the best trained model, i.e., EfficientNetB3 as a baseline model.
Step 5: Each client trained the baseline model locally with Dense Neural Network (DNN).
Step 6: The federated learning process was initiated by the server, starting with the initial weights. The server shared the available initial weights with the M-clients in the aggregation server.
Step 7: Each client initialised their individual training and validation using their own datasets after receiving the weights. Every client delivered their updated weights to the server after the training process was complete in order to determine the federated average weights.
Step 8: The weights collected from all connected clients were used by the server to calculate the federated average (FedAvg) weights.
Step 9: The federated server then sent all connected clients the resultant federated average (FedAvg) weights from Step 8 again for processing.

3.6. Model Validation

The suggested pre-trained models were trained by the labelled data, which were classified into two different classes. The “bacterial leaf blight” had 1584 images, “Blast” had 1440 images, “Brownspot” had 1308 images, and” Tungro” had 1308 images of rice leaf diseases. The model was built using Keras and Tensorflow 2.0 and used RTX 2080Ti as GPU for this experimental setup. The segmented images with a 3 × 3 filter helped the models to learn key features of the rice leaf diseases. The actual shape of the images was 256 × 256, but it was resized into 75 × 75 to train our model. Further, the data was split into training and testing data in the ratio 80:20. Twenty percent of data (1187) were kept in the validation set for testing the models’ performance. While training the models, it was needed to estimate how well our model was learning per each iteration.

4. Results

This section provides a discussion of the results obtained from comparing the performance of conventional DL algorithms, namely VGG16, VGG19, Resnet152, DenseNet, InceptionResnetV2, Xception, EfficientNetB3, etc., for rice leaf disease classification. The best-trained model was determined through a comparative analysis based on training-evaluated accuracies. The conclusion of the study indicates that the pre-trained model EfficientNetB3 achieved the highest training and evaluated accuracy, reaching 99%. Table 4 and Figure 6 show the results of traditional machine learning with dense architecture.
Further, a federated learning approach was implemented using the trained model EfficientNetB3 as a baseline model. The dataset was distributed to local machines for training, and the trained models were shared at the aggregated server end. The process was repeated for ten communication rounds with 10 epochs per round, and a validation was conducted after each round. The federated architecture consisted of one server and 10 clients with different data chunks. In federated learning, the data set is distributed to each local machine itself. Individual local machines use 10 epochs to complete one training cycle and train the model and to share their trained model with an integrated system as well. The federated average (FedAvg) function at the server end was used to train the collected models from different clients. The global model is then shared with the connected clients. Individual clients retrained the machine using the global model as a baseline after receiving the global model. The distributed data is both of type IID, i.e., identical and independent, and non-IID. In Table 5 and Table 6, the results of federated learning with IID data and non-IID data are discussed.
Figure 7 shows the accuracy and loss results for ten communication rounds, i.e., C-0 to C-9. After ten communication rounds, the training accuracy was 0.99 and the training loss was 0.006 when the data were distributed identically and independently. For non-IID training, accuracy and loss were 0.99 and 0.04, respectively. The evaluated accuracy and loss were 0.99 and 0.03 for IID data, and for non-IID data, the maximum evaluated accuracy was 0.95 and the maximum evaluated loss was 0.08. The performance of federated deep learning was found to be comparable to that of traditional single or baseline machine learning approaches as both achieved similar levels of validation accuracy, i.e., 99.9%, despite differences in their implementation.
Table 7 and Figure 8 depict the results based on various performance parameters such as accuracy, loss, precision, and recall-rate for IID and non-IID data. This suggests that federated deep learning can achieve comparable results to traditional approaches while preserving the fundamental principles of deep learning.

5. Discussion

The proposed model exhibits a superior performance compared to other related studies using the same dataset. In this section, we compared our suggested model with previously published techniques using the same rice leaf disease image dataset. We presented the results of the federated learning (FL) technique on both IID and non-IID datasets, employing various pre-trained models for rice leaf disease classification while maintaining data privacy at the farmer’s site. Table 8 illustrates that several researchers have developed suitable frameworks for the early detection of rice leaf disease with high accuracy parameters; however, none of them focused on data preservation at the client’s site. Sethy et al. [33] and Sharma et al. [38] achieved results similar to ours, but they did not prioritize data preservation. In contrast, our proposed model achieved an impressive 99% accuracy while ensuring data preservation.

6. Conclusions and Future Work

In the modern era, it is essential to classify rice leaf disease while preserving data privacy. This manuscript discusses the use of lightweight federated deep learning to implement rice leaf disease classification. Firstly, pre-trained models such as EfficientNet, VGG19, Resnet152, VGG16, and Xception were implemented and analysed. As compared to the other mentioned algorithms, the evaluated accuracy of EfficientNetB3 is 99%. Once the best-performing model is identified, i.e., EfficientNetB3, consider this the baseline model for federated learning. Further, federated learning was implemented using EfficientNetB3 for rice leaf disease classification. As per the analysis of the federated deep learning ecosystem, EfficientNetB3 resulted in 99% training and evaluated accuracies with minimum losses of 0.006 and 0.03 for IIDs (when data is identically distributed to all clients) and for non-IIDs (data is not identically distributed), respectively. The training accuracy was 99% with a minimum loss of 0.04, and the evaluated accuracy was 95% with a loss of 0.08. The results obtained in the federated deep learning ecosystems were found to be very similar to those obtained in the baseline machine learning ecosystem. Based on the analysis, it was concluded that the proposed system performs better in terms of resource utilisation and data privacy in the federated deep learning ecosystem and also achieves classification results that are very similar to those of the baseline machine learning system. In the future, the results will be implemented using IoT technology to identify rice leaf diseases [41]. Additionally, to address privacy concerns in the federated ecosystem, encryption techniques could be implemented when sharing trained models.

Author Contributions

Study conception and design: M.A., V.K., N.G. and A.A.; data collection: M.A., V.K., N.G. and A.S.; methodology: M.A., V.K., N.G. and M.A.A.; analysis and interpretation of results: M.A., V.K. and N.G.; draft manuscript preparation: M.A., V.K., N.G., A.A., M.A.A. and A.S.; supervision: V.K., N.G. and A.S.; project administration: V.K., N.G., A.A., M.A.A. and A.S.; funding acquisition: A.A., M.A.A. and A.S. All authors have read and agreed to the published version of the manuscript.

Funding

The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code: (22UQU4330898DSR02).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data is available open source.

Acknowledgments

The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code: (22UQU4330898DSR02).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wani, J.A.; Sharma, S.; Muzamil, M.; Ahmed, S.; Sharma, S.; Singh, S. Machine Learning and Deep Learning Based Computational Techniques in Automatic Agricultural Diseases Detection: Methodologies, Applications, and Challenges. In Archives of Computational Methods in Engineering; Springer: Dordrecht, The Netherlands, 2022; Volume 29, pp. 641–677. [Google Scholar]
  2. Kodama, T.; Hata, Y. Development of Classification System of Rice Disease Using Artificial Intelligence. In Proceedings of the 2018 IEEE International Conference on Systems, Man, and Cybernetics (SMC), Miyazaki, Japan, 7–10 October 2018; pp. 3699–3702. [Google Scholar] [CrossRef]
  3. Kivrak, K.G.; Eker, T.; Sari, H.; Sari, D.; Akan, K.; Aydinoglu, B.; Catal, M.; Toker, C. Integration of Extra-Large-Seeded and Double-Podded Traits in Chickpea (Cicer arietinum L.). Agronomy 2020, 10, 901. [Google Scholar] [CrossRef]
  4. Rice Knowledge Bank. Available online: http://www.knowledgebank.irri.org/ericeproduction/Importance_of_Rice.htm (accessed on 29 July 2023).
  5. Sethy, P.K.; Barpanda, N.K.; Rath, A.K.; Behera, S.K. Image Processing Techniques for Diagnosing Rice Plant Disease: A Survey. Procedia Comput. Sci. 2020, 167, 516–530. [Google Scholar] [CrossRef]
  6. Narmadha, R.P.; Arulvadivu, G. Detection and Measurement of Paddy Leaf Disease Symptoms Using Image Processing. In Proceedings of the 2017 International Conference on Computer Communication and Informatics (ICCCI), Coimbatore, India, 5–7 January 2017; pp. 5–8. [Google Scholar] [CrossRef]
  7. Kaur, A.; Guleria, K.; Trivedi, N. A Deep Learning Based Model for Rice Leaf Disease Detection. In Proceedings of the 10th International Conference on Reliability, Infocom Technologies and Optimization (Trends and Future Directions) (ICRITO), Noida, India, 13–14 October 2022; IEEE: Noida, India, 2022; pp. 1–5. [Google Scholar]
  8. Lu, Y.; Yi, S.; Zeng, N.; Liu, Y.; Zhang, Y. Identification of Rice Diseases Using Deep Convolutional Neural Networks. Neurocomputing 2017, 267, 378–384. [Google Scholar] [CrossRef]
  9. Vimalajeewa, D.; Kulatunga, C.; Berry, D.P.; Balasubramaniam, S. A Service-Based Joint Model Used for Distributed Learning: Application for Smart Agriculture. IEEE Trans. Emerg. Top. Comput. 2022, 10, 838–854. [Google Scholar] [CrossRef]
  10. Chhabra, R.; Singh, S.; Khullar, V. Privacy Enabled Driver Behavior Analysis in Heterogeneous IoV Using Federated Learning. Eng. Appl. Artif. Intell. 2023, 120, 105881. [Google Scholar] [CrossRef]
  11. Jiménez-Sánchez, A.; Tardy, M.; González Ballester, M.A.; Mateus, D.; Piella, G. Memory-Aware Curriculum Federated Learning for Breast Cancer Classification. Comput. Methods Programs Biomed. 2023, 229, 107318. [Google Scholar] [CrossRef] [PubMed]
  12. Truong, H.T.; Ta, B.P.; Le, Q.A.; Nguyen, D.M.; Le, C.T.; Nguyen, H.X.; Do, H.T.; Nguyen, H.T.; Tran, K.P. Light-Weight Federated Learning-Based Anomaly Detection for Time-Series Data in Industrial Control Systems. Comput. Ind. 2022, 140, 103692. [Google Scholar] [CrossRef]
  13. Zhang, H.; Bosch, J.; Olsson, H.H. Federated Learning Systems: Architecture Alternatives. In Proceedings of the 2020 27th Asia-Pacific Software Engineering Conference (APSEC), Singapore, 1–4 December 2020; pp. 385–394. [Google Scholar] [CrossRef]
  14. Islam, M.; Reza, M.T.; Kaosar, M.; Parvez, M.Z. Effectiveness of Federated Learning and CNN Ensemble Architectures for Identifying Brain Tumors Using MRI Images. Neural Process. Lett. 2023, 55, 3779–3809. [Google Scholar] [CrossRef]
  15. Durrant, A.; Markovic, M.; Matthews, D.; May, D.; Enright, J.; Leontidis, G. The Role of Cross-Silo Federated Learning in Facilitating Data Sharing in the Agri-Food Sector. Comput. Electron. Agric. 2022, 193, 106648. [Google Scholar] [CrossRef]
  16. Khullar, V.; Singh, H.P. F-FNC: Privacy Concerned Efficient Federated Approach for Fake News Classification. Inf. Sci. 2023, 639, 119017. [Google Scholar] [CrossRef]
  17. Aggarwal, M.; Khullar, V.; Goyal, N. Contemporary and Futuristic Intelligent Technologies for Rice Leaf Disease Detection. In Proceedings of the 2022 10th International Conference on Reliability, Infocom Technologies and Optimization (Trends and Future Directions) (ICRITO), Noida, India, 13–14 October 2022; IEEE: Noida, India, 2022; pp. 12–17. [Google Scholar]
  18. Ramesh, T.R.; Lilhore, U.K.; Poongodi, M.; Simaiya, S.; Kaur, A.; Hamdi, M. Predictive Analysis of Heart Diseases With Machine Learning Approaches. Malays. J. Comput. Sci. 2022, 1, 132–148. [Google Scholar] [CrossRef]
  19. Das, S.K.; Bebortta, S. Heralding the Future of Federated Learning Framework: Architecture, Tools and Future Directions. In Proceedings of the 2021 11th International Conference on Cloud Computing, Data Science & Engineering (Confluence), Noida, India, 28–29 January 2021; pp. 698–703. [Google Scholar] [CrossRef]
  20. Aggarwal, M.; Khullar, V.; Goyal, N.; Singh, A.; Tolba, A.; Thompson, E.B.; Kumar, S. Pre-Trained Deep Neural Network-Based Features Selection Supported Machine Learning for Rice Leaf Disease Classification. Agriculture 2023, 13, 936. [Google Scholar] [CrossRef]
  21. Jiang, F.; Lu, Y.; Chen, Y.; Cai, D.; Li, G. Image Recognition of Four Rice Leaf Diseases Based on Deep Learning and Support Vector Machine. Comput. Electron. Agric. 2020, 179, 105824. [Google Scholar] [CrossRef]
  22. Krishnamoorthy, N.; Narasimha Prasad, L.V.; Pavan Kumar, C.S.; Subedi, B.; Abraha, H.B.; Sathishkumar, V.E. Rice Leaf Diseases Prediction Using Deep Neural Networks with Transfer Learning. Environ. Res. 2021, 198, 111275. [Google Scholar] [CrossRef]
  23. Rallapalli, S.M.; Saleem Durai, M.A. A Contemporary Approach for Disease Identification in Rice Leaf. Int. J. Syst. Assur. Eng. Manag. 2021, 1–11. [Google Scholar] [CrossRef]
  24. Prajapati, H.B.; Shah, J.P.; Dabhi, V.K. Detection and Classification of Rice Plant Diseases. Intell. Decis. Technol. 2017, 11, 357–373. [Google Scholar] [CrossRef]
  25. Kumar, P.R.; Kiran, R.; Singh, U.P.; Rathore, Y.; Janghel, R.R. Rice Leaf Disease Detection Using Mobile Net and Inception V.3. In Proceedings of the 2022 IEEE 11th International Conference on Communication Systems and Network Technologies (CSNT), Indore, India, 23–24 April 2022; IEEE: Indore, India, 2022; pp. 282–286. [Google Scholar]
  26. Azim, M.A.; Islam, M.K.; Rahman, M.M.; Jahan, F. An Effective Feature Extraction Method for Rice Leaf Disease Classification. Telkomnika (Telecommun. Comput. Electron. Control) 2021, 19, 463–470. [Google Scholar] [CrossRef]
  27. Pallathadka, H.; Ravipati, P.; Sekhar Sajja, G.; Phasinam, K.; Kassanuk, T.; Sanchez, D.T.; Prabhu, P. Application of Machine Learning Techniques in Rice Leaf Disease Detection. Mater. Today Proc. 2022, 51, 2277–2280. [Google Scholar] [CrossRef]
  28. Bhartiya, V.P.; Ram, J.R.; Yogesh, R.K. Rice Leaf Disease Prediction Using Machine Learning. In Proceedings of the 2022 Second International Conference on Power, Control and Computing Technologies (ICPC2T), Raipur, India, 1–3 March 2022; pp. 1–5. [Google Scholar]
  29. Khullar, V.; Singh, H.P. Privacy Protected Internet of Unmanned Aerial Vehicles for Disastrous Site Identification. Concurr. Comput. Pract. Exp. 2022, 34, e7040. [Google Scholar] [CrossRef]
  30. Lo, S.K.; Lu, Q.; Zhu, L.; Paik, H.Y.; Xu, X.; Wang, C. Architectural Patterns for the Design of Federated Learning Systems. J. Syst. Softw. 2022, 191, 111357. [Google Scholar] [CrossRef]
  31. Sheller, M.J.; Reina, G.A.; Edwards, B.; Martin, J.; Bakas, S. Multi-Institutional Deep Learning Modeling without Sharing Patient Data: A Feasibility Study on Brain Tumor Segmentation; Springer International Publishing: Berlin/Heidelberg, Germany, 2019; Volume 11383, ISBN 9783030117221. [Google Scholar]
  32. Naeem, A.; Anees, T.; Naqvi, R.A.; Loh, W.K. A Comprehensive Analysis of Recent Deep and Federated-Learning-Based Methodologies for Brain Tumor Diagnosis. J. Pers. Med. 2022, 12, 275. [Google Scholar] [CrossRef] [PubMed]
  33. Sethy, P.K.; Barpanda, N.K.; Rath, A.K.; Behera, S.K. Deep Feature Based Rice Leaf Disease Identification Using Support Vector Machine. Comput. Electron. Agric. 2020, 175, 105527. [Google Scholar] [CrossRef]
  34. Dara, S.; Tumma, P. Feature Extraction by Using Deep Learning: A Survey. In Proceedings of the 2018 Second International Conference on Electronics, Communication and Aerospace Technology (ICECA), Coimbatore, India, 29–31 March 2018; IEEE: Coimbatore, India, 2018; pp. 1795–1801. [Google Scholar]
  35. Ghosal, S.; Sarkar, K. Rice Leaf Diseases Classification Using CNN with Transfer Learning. In Proceedings of the 2020 IEEE Calcutta Conference (CALCON), Kolkata, India, 28–29 February 2020; pp. 230–236. [Google Scholar]
  36. Zhu, H.; Xu, J.; Liu, S.; Jin, Y. Federated Learning on Non-IID Data: A Survey. Neurocomputing 2021, 465, 371–390. [Google Scholar] [CrossRef]
  37. Dun, C.; Hipolito, M.; Jermaine, C.; Dimitriadis, D.; Kyrillidis, A. Efficient and Light-Weight Federated Learning via Asynchronous Distributed Dropout. In Proceedings of the 26th International Conference on Artificial Intelligence and Statistics, Valencia, Spain, 25–27 April 2023; Volume 206, pp. 1–31. [Google Scholar]
  38. Sharma, R.; Singh, A.; Kavita; Jhanjhi, N.Z.; Masud, M.; Jaha, E.S.; Verma, S. Plant Disease Diagnosis and Image Classification Using Deep Learning. Comput. Mater. Contin. 2022, 71, 2125–2140. [Google Scholar] [CrossRef]
  39. Haruna, Y.; Qin, S.; Mbyamm Kiki, M.J. An Improved Approach to Detection of Rice Leaf Disease with GAN-Based Data Augmentation Pipeline. Appl. Sci. 2023, 13, 1346. [Google Scholar] [CrossRef]
  40. Sudhesh, K.M.; Sowmya, V.; Sainamole Kurian, P.; Sikha, O.K. AI Based Rice Leaf Disease Identification Enhanced by Dynamic Mode Decomposition. Eng. Appl. Artif. Intell. 2023, 120, 105836. [Google Scholar] [CrossRef]
  41. Rani, S.; Ahmed, S.H.; Rastogi, R. Dynamic Clustering Approach Based on Wireless Sensor Networks Genetic Algorithm for IoT Applications. Wirel. Netw. 2020, 26, 2307–2316. [Google Scholar] [CrossRef]
Figure 1. Federated deep learning system for rice leaf disease classification.
Figure 1. Federated deep learning system for rice leaf disease classification.
Sustainability 15 12149 g001
Figure 2. Rice leaf disease sample images.
Figure 2. Rice leaf disease sample images.
Sustainability 15 12149 g002
Figure 3. IID and non-IID data distribution of rice leaf disease images.
Figure 3. IID and non-IID data distribution of rice leaf disease images.
Sustainability 15 12149 g003
Figure 4. Methodology for baseline pre-trained model for rice leaf disease classification.
Figure 4. Methodology for baseline pre-trained model for rice leaf disease classification.
Sustainability 15 12149 g004
Figure 5. Methodology for federated deep learning approach for classification of rice leaf disease images.
Figure 5. Methodology for federated deep learning approach for classification of rice leaf disease images.
Sustainability 15 12149 g005
Figure 6. Training and evaluated accuracies for baseline results.
Figure 6. Training and evaluated accuracies for baseline results.
Sustainability 15 12149 g006
Figure 7. Training–evaluated accuracy and loss comparison of FL-implemented EfficientNetB3 pre-trained model.
Figure 7. Training–evaluated accuracy and loss comparison of FL-implemented EfficientNetB3 pre-trained model.
Sustainability 15 12149 g007aSustainability 15 12149 g007bSustainability 15 12149 g007c
Figure 8. Training/Evaluated IID and non-IID results comparison.
Figure 8. Training/Evaluated IID and non-IID results comparison.
Sustainability 15 12149 g008
Table 1. Comparative study of various techniques.
Table 1. Comparative study of various techniques.
ReferenceArea of StudyAlgorithmML/DLFLData PrivacyEvaluation Parameters
[21]Rice leaf diseasesDCNN, SVMXNot
implemented
Accuracy = 96.8%
[22]Rice leaf diseasesCNN
InceptionNetV2
XNot
implemented
Accuracy = 95%
[23]Rice leaf diseasesCNN, AlexNet
M-Net
XNot
implemented
Accuracy = 71.9%
[25]Rice leaf diseasesMobileNet
InceptionNetV2
XNot
implemented
Validation Accuracies
70.31%, 76.56%
[26]Rice leaf diseasesXGBoost, SVMXNot
implemented
Accuracies
86.5%, 81%
[27]Rice leaf diseasesCNN, SVM,
Naïve Bayes, PCA
XNot
implemented
better
[24]Rice leaf diseasesKMeans, SVMXNot
implemented
Accuracy = 73.33%
[28]Rice leaf diseasesQuadratic SVMXNot
implemented
Accuracy = 81.8%
[10]Driver BehaviourBi-LSTM, CNN-Bi- LSTM, LSTM, CNN-LSTMImplementedValidation Accuracy = 89%
[29]Disaster predictionVGG16, DenseNet, ResNet,
InceptionRes-NetV2
ImplementedValidation Accuracy = 74%
[16]Fake NewsBi-LSTM, CNN-Bi- LSTM, LSTM, CNN-LSTMImplementedValidation Accuracy = 90–92%
[9]Analyse Milk QualityCNN, LSQR,
PLSR, NNPLS
ImplementedMean Accuracy
LSQR = 82%
PLSR = 84%
CNN = 87%
NNPLS = 89%
Table 2. Particulars of images available in data set.
Table 2. Particulars of images available in data set.
Leaf Disease NameOriginal ImagesTraining Data (80%)Testing Data (20%)
Bacterial leafblight15841267317
Blast14401140300
Brown spot16001290310
Tungro13081048260
Total593247451187
Table 3. Feature extractor with weights.
Table 3. Feature extractor with weights.
Pre-Trained ModelInput ShapeSize (MB)ParametersDepthFeature Layer
DenseNet201(224-224-3)8020.2M4022D Global average pooling
EfficientNetB3(300-300-3)4812.3M210Dropout
EfficientNetB4(380-380-3)7519.5M258Dropout
EfficientNetB5(456-456-3)11830.6M312Dropout
EfficientNetB6(528-528-3)16643.3M360Dropout
InceptionResnetV3(229-229-3)21555.9M4492D Global average pooling
ResNet101(224-224-3)17144.7M2092D Global average pooling
ResNet101V2(224-224-3)17144.7M2052D Global average pooling
ResNet152(224-224-3)23260.4M3112D Global average pooling
ResNet152V2(224-224-3)23260.4M3072D Global average pooling
VGG16(224-224-3)528138.4M16Dense
VGG19(224-224-3)549143.7M19Dense
Xception(229-229-3)8822.9M812D Global average pooling
Table 4. Baseline results with dense neural network.
Table 4. Baseline results with dense neural network.
Training Accuracy
EpochsDN201ENB3ENB4ENB5ENB6IRV2RN101RN101V2RN152RN152V2VGG16VGG19Xception
250.890.980.850.880.860.940.860.820.860.750.870.850.95
500.950.990.90.940.930.960.920.880.920.830.930.910.97
750.960.990.930.960.950.970.930.910.940.860.950.940.98
990.970.990.950.970.960.980.930.930.960.880.960.950.98
Validation Accuracy
EpochsDN201ENB3ENB4ENB5ENB6IRV2RN101RN101V2RN152RN152V2VGG16VGG19Xception
250.910.980.870.910.840.920.870.810.850.790.880.860.92
500.940.980.910.940.950.950.910.880.910.830.940.910.96
750.960.990.870.910.960.960.940.910.930.840.960.910.97
990.970.990.930.970.960.960.910.930.950.870.960.960.97
Table 5. EfficientNetB3 deep learning’s training-evaluated accuracy and loss comparison of FL (IID).
Table 5. EfficientNetB3 deep learning’s training-evaluated accuracy and loss comparison of FL (IID).
Federated Learning (IID)
Comm.RoundEpochTraining AccuracyChange (+/−)Training LossChange (+/−)Validation AccuracyValidation Loss
110.990.00.023−0.0090.960.2
100.99 0.014
210.980.010.031−0.020.980.1
100.99 0.011
310.980.010.051−0.0350.950.2
100.99 0.016
410.990.00.041−0.0330.990.06
100.99 0.008
510.980.010.039−0.0340.990.08
100.99 0.005
610.990.010.024−0.0210.009
101 0.004
710.980.00.113−0.0940.980.01
100.98 0.019
810.970.010.06−0.040.970.33
100.98 0.02
911−0.010.009−0.0010.970.19
100.99 0.005
1010.980.010.05−0.0040.990.03
100.99 0.006
Table 6. EfficientNetB3 deep learning’s training-evaluated accuracy and loss comparison of FL (non-IID).
Table 6. EfficientNetB3 deep learning’s training-evaluated accuracy and loss comparison of FL (non-IID).
Federated Learning (Non-IID)
Comm.RoundEpochTraining AccuracyChange (+/−)Training LossChange (+/−)Validation AccuracyValidation Loss
110.950.020.11−0.030.940.13
100.97 0.08
210.96−0.010.15−0.0410.02
100.95 0.11
310.930.070.19−0.1310.01
100.99 0.06
411−0.040.020.030.960.1
100.96 0.05
510.950.020.12−0.040.970.15
100.97 0.08
610.970.010.09−0.040.960.18
100.98 0.05
710.970.010.08−0.020.920.33
100.98 0.06
810.950.020.220.080.940.17
100.97 0.14
910.950.010.16−0.050.950.12
100.96 0.11
1010.970.020.07−0.030.950.08
100.99 0.04
Table 7. Average of training/evaluation IID/ non-IID results.
Table 7. Average of training/evaluation IID/ non-IID results.
DataAccuracyLossPrecisionRecall-Rate
TrainingIID98.220.1398.2298.22
TrainingNon-IID96.170.1396.196.54
EvaluationIID99.790.0199.7999.79
EvaluationNon-IID97.480.0997.7497.2
Table 8. Comparison of the proposed model using the same dataset as other studies in the field.
Table 8. Comparison of the proposed model using the same dataset as other studies in the field.
ResearchersTechnologyPerformance in AccuracyData Privacy
Sethy et al. [33]ML/DL98%No
Sharma et al. [38]ML/DL99%No
Haruna et al. [39]ML/DL91%No
Sudhesh et al. [40]ML/DL93%No
Proposed ModelDL + FL99%Yes
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Aggarwal, M.; Khullar, V.; Goyal, N.; Alammari, A.; Albahar, M.A.; Singh, A. Lightweight Federated Learning for Rice Leaf Disease Classification Using Non Independent and Identically Distributed Images. Sustainability 2023, 15, 12149. https://doi.org/10.3390/su151612149

AMA Style

Aggarwal M, Khullar V, Goyal N, Alammari A, Albahar MA, Singh A. Lightweight Federated Learning for Rice Leaf Disease Classification Using Non Independent and Identically Distributed Images. Sustainability. 2023; 15(16):12149. https://doi.org/10.3390/su151612149

Chicago/Turabian Style

Aggarwal, Meenakshi, Vikas Khullar, Nitin Goyal, Abdullah Alammari, Marwan Ali Albahar, and Aman Singh. 2023. "Lightweight Federated Learning for Rice Leaf Disease Classification Using Non Independent and Identically Distributed Images" Sustainability 15, no. 16: 12149. https://doi.org/10.3390/su151612149

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop