Hafiz Muhammad Shahzad Asif’s research while affiliated with University of Engineering and Technology and other places

What is this page?


This page lists works of an author who doesn't have a ResearchGate profile or hasn't added the works to their profile yet. It is automatically generated from public (personal) data to further our legitimate goal of comprehensive and accurate scientific recordkeeping. If you are this author and want this page removed, please let us know.

Publications (25)


Prototype of the final model used to make crop classification
Confusion matrix for the proposed model
ROC curves for six classes
First row contains high resolution images of correctly classified instances whereas the second row depicts the instances of high-resolution images which were incorrectly classified by the proposed model
Classification performance in various ablation experiments
Multimodal crop cover identification using deep learning and remote sensing
  • Article
  • Publisher preview available

September 2023

·

101 Reads

·

H. M. Shahzad Asif

·

Muhammad Shahbaz

Remote sensing is increasingly being used in agriculture and smart farming. Crop cover identification is a major challenge that is useful in the identification of a particular crop at scale. Various studies are conducted to address this challenge using remote sensing and machine learning techniques, but there is still room for improvement in predictive performance. This study has addressed the problem by incorporating multiple modalities for classification modeling. The study has used high-resolution satellite images to perform classification using convolutional neural networks. Densenet201 provided the highest classification accuracy among five candidate architectures. NDVI is calculated from medium-resolution images to be used as a feature that is combined with weather records containing temperature, rainfall, and humidity. A classification ensemble is trained on these features to perform crop classification. Five classification models are trained to select the best classification model. The classification models are evaluated with a train/test split as the models are trained using 60% of the data whereas 20% data is used for validation and 20% for testing. A meta-learner is trained on classification probabilities of both of these classifiers and final class label is obtained. Among the four meta-learners, support vector machines provided best learning and yielded a classification accuracy of 98.83% and an f1-score of 98.78%. High classification performance of the proposed approach indicate that multimodality and meta-learners are useful choices to improve the predictive performance for crop cover identification and can be successfully used for this task.

View access options

Spatial Mapping of Soil Salinity Using Machine Learning and Remote Sensing in Kot Addu, Pakistan

August 2023

·

319 Reads

·

15 Citations

Yasin ul Haq

·

Muhammad Shahbaz

·

H. M. Shahzad Asif

·

[...]

·

The accumulation of salt through natural causes and human artifice, such as saline inundation or mineral weathering, is marked as salinization, but the hindrance toward spatial mapping of soil salinity has somewhat remained a consistent riddle despite decades of efforts. The purpose of the current study is the spatial mapping of soil salinity in Kot Addu (situated in the south of the Punjab province, Pakistan) using Landsat 8 data in five advanced machine learning regression models, i.e., Random Forest Regressor, AdaBoost Regressor, Decision Tree Regressor, Partial Least Squares Regression and Ridge Regressor. For this purpose, spectral data were obtained between 20 and 27 of January 2017 and a field survey was carried out to gather a total of fifty-five soil samples. To evaluate and compare the model’s performances, the coefficient of determination (R2), Mean Squared Error (MSE), Mean Absolute Error (MAE) and the Root-Mean-Squared Error (RMSE) were used. Spectral data of band values, salinity indices and vegetation indices were employed to study the salinity of soil. The results revealed that the Random Forest Regressor outperformed the other models in terms of prediction, achieving an R2 of 0.94, MAE of 1.42 dS/m, MSE of 3.58 dS/m and RMSE of 1.89 dS/m when using the Differential Vegetation Index (DVI). Alternatively, when using the Soil Adjusted Vegetation Index (SAVI), the Random Forest Regressor achieved an R2 of 0.93, MAE of 1.46 dS/m, MSE of 3.90 dS/m and RMSE of 1.97 dS/m. Hence, remote sensing technology with machine learning models is an efficient method for the assessment of soil salinity at local scales. This study will contribute to mitigating osmotic stress and minimizing the risk of soil erosion by providing early warnings regarding soil salinity. Additionally, it will assist agriculture officers in estimating soil salinity levels within a shorter time frame and at a reduced cost, enabling effective resource allocation.


Table 2 .
Table 3 .
Performance of the regression algorithms
List of databases
Results of One-sided T-Test with 95% confidence interval
PIQI: Perceptual Image Quality Index based on Ensemble of Gaussian Process Regression

May 2023

·

4 Reads

Digital images contain a lot of redundancies, therefore, compression techniques are applied to reduce the image size without loss of reasonable image quality. Same become more prominent in the case of videos which contains image sequences and higher compression ratios are achieved in low throughput networks. Assessment of quality of images in such scenarios has become of particular interest. Subjective evaluation in most of the scenarios is infeasible so objective evaluation is preferred. Among the three objective quality measures, full-reference and reduced-reference methods require an original image in some form to calculate the image quality which is unfeasible in scenarios such as broadcasting, acquisition or enhancement. Therefore, a no-reference Perceptual Image Quality Index (PIQI) is proposed in this paper to assess the quality of digital images which calculates luminance and gradient statistics along with mean subtracted contrast normalized products in multiple scales and color spaces. These extracted features are provided to a stacked ensemble of Gaussian Process Regression (GPR) to perform the perceptual quality evaluation. The performance of the PIQI is checked on six benchmark databases and compared with twelve state-of-the-art methods and competitive results are achieved. The comparison is made based on RMSE, Pearson and Spearman correlation coefficients between ground truth and predicted quality scores. The scores of 0.0552, 0.9802 and 0.9776 are achieved respectively for these metrics on CSIQ database. Two cross-dataset evaluation experiments are performed to check the generalization of PIQI.


Fig. 4 GUI used for subjective quality scoring
Fig. 6 Deepdream visualization of features learned by NASNet-Mobile
Fig. 10 Training Progress of the DeepEns-Lite architecture In the testing phase, the trained network performs predictions on N randomly cropped region of each image and their scores are averaged. Given an input image divided into í µí± í µí± random crops and each having a quality score í µí±ž í µí±– . The predicted quality score is calculated by averaging the individual quality score of each crop by using Equation (1). í µí±ž = 1 í µí± í µí± ∑ í µí±ž í µí±– í µí± í µí±
Transfer Learning for image quality
Cross-Dataset testing on BIQ2021
Deep Ensembling for Perceptual Image Quality Assessment

May 2023

·

10 Reads

Blind image quality assessment is a challenging task particularly due to the unavailability of reference information. Training a deep neural network requires a large amount of training data which is not readily available for image quality. Transfer learning is usually opted to overcome this limitation and different deep architectures are used for this purpose as they learn features differently. After extensive experiments, we have designed a deep architecture containing two CNN architectures as its sub-units. Moreover, a self-collected image database BIQ2021 is proposed with 12,000 images having natural distortions. The self-collected database is subjectively scored and is used for model training and validation. It is demonstrated that synthetic distortion databases cannot provide generalization beyond the distortion types used in the database and they are not ideal candidates for general-purpose image quality assessment. Moreover, a large-scale database of 18.75 million images with synthetic distortions is used to pretrain the model and then retrain it on benchmark databases for evaluation. Experiments are conducted on six benchmark databases three of which are synthetic distortion databases (LIVE, CSIQ and TID2013) and three are natural distortion databases (LIVE Challenge Database, CID2013 and KonIQ-10 k). The proposed approach has provided a Pearson correlation coefficient of 0.8992, 0.8472 and 0.9452 subsequently and Spearman correlation coefficient of 0.8863, 0.8408 and 0.9421. Moreover, the performance is demonstrated using perceptually weighted rank correlation to indicate the perceptual superiority of the proposed approach. Multiple experiments are conducted to validate the generalization performance of the proposed model by training on different subsets of the databases and validating on the test subset of BIQ2021 database.


A Multimodal Data Fusion and Deep Neural Networks Based Technique for Tea Yield Estimation in Pakistan Using Satellite Imagery

January 2023

·

91 Reads

·

19 Citations

IEEE Access

Achieving food security has become a major challenge for society. Crop yield estimation is essential for crop monitoring to ensure food security. Manual crop yield estimation is cumbersome and inaccurate and becomes infeasible when scaled up. Machine learning algorithms trained using remotely sensed data have played a vital role in estimating the yield of different crops. Furthermore, to enrich the data provided to a machine learning algorithm, multiple modalities can be combined to improve the predictive performance of these algorithms. In this research, we propose to combine data from multiple modalities, i.e., agrometeorological and remote sensing data, to predict the tea yield at the farm level. The dataset employed in this study is acquired from tea fields of the National Tea and High-Value Crop Research Institute (NTHRI), Mansehra, Pakistan. The remote sensing data of the Landsat-8 satellite is converted to farm-level NDVI statistics through geocoding. Before being used for regression modeling, the final dataset is subjected to some further preprocessing steps, including the selection of features and the optimization of feature sets. This preprocessed data is used to train the three classes of machine learning regression algorithms. Conventional regression algorithms, including Decision Trees, Multilayer Perceptron (MLP), Support Vector Regression (SVR), Gaussian Process Regression (GPR), and Multiple Linear Regression applied with and without interaction terms and stepwise feature inclusion with various kernels. Moreover, the following three variants of the ensemble learning methods have also been applied: random forest, gradient boosting, and XgBoost. Finally, this study proposed a neural architecture for tea yield estimation using Landsat imagery. This deep neural network is built using neural architecture search via Bayesian optimization and have three hidden layers, which can perform complex non-linear modeling. Experimental evaluation is performed through 10-fold cross-validation, and the proposed Deep neural network regression model provided the best predictive performance. The model provided a coefficient of determination (R-squared) of 0.99 with a Mean Square Error (MSE) of 108.17 kg/ha, Root Mean Square Error (RMSE) of 10.87 kg/ha, Mean Absolute Error (MAE) of 2.26 kg/ha and Mean Absolute Percentage Error (MAPE) of 2.92.


Performance of pre-trained CNN models on plan village dataset along with their size, required number of epochs and training time
Comparison of the AgroPath with existing approaches
Image Quality Assessment for Foliar Disease Identification (AgroPath)

September 2022

·

71 Reads

Crop diseases are a major threat to food security and their rapid identification is important to prevent yield loss. Swift identification of these diseases are difficult due to the lack of necessary infrastructure. Recent advances in computer vision and increasing penetration of smartphones have paved the way for smartphone-assisted disease identification. Most of the plant diseases leave particular artifacts on the foliar structure of the plant. This study was conducted in 2020 at Department of Computer Science and Engineering, University of Engineering and Technology, Lahore, Pakistan to check leaf-based plant disease identification. This study provided a deep neural network-based solution to foliar disease identification and incorporated image quality assessment to select the image of the required quality to perform identification and named it Agricultural Pathologist (Agro Path). The captured image by a novice photographer may contain noise, lack of structure, and blur which result in a failed or inaccurate diagnosis. Moreover, AgroPath model had 99.42% accuracy for foliar disease identification. The proposed addition can be especially useful for application of foliar disease identification in the field of agriculture.


Deep ensembling for perceptual image quality assessment

August 2022

·

263 Reads

·

15 Citations

Soft Computing

Blind image quality assessment is a challenging task particularly due to the unavailability of reference information. Training a deep neural network requires a large amount of training data which is not readily available for image quality. Transfer learning is usually opted to overcome this limitation and different deep architectures are used for this purpose as they learn features differently. After extensive experiments, we have designed a deep architecture containing two CNN architectures as its sub-units. Moreover, a self-collected image database BIQ2021 is proposed with 12,000 images having natural distortions. The self-collected database is subjectively scored and is used for model training and validation. It is demonstrated that synthetic distortion databases cannot provide generalization beyond the distortion types used in the database and they are not ideal candidates for general-purpose image quality assessment. Moreover, a large-scale database of 18.75 million images with synthetic distortions is used to pretrain the model and then retrain it on benchmark databases for evaluation. Experiments are conducted on six benchmark databases three of which are synthetic distortion databases (LIVE, CSIQ and TID2013) and three are natural distortion databases (LIVE Challenge Database, CID2013 and KonIQ-10 k). The proposed approach has provided a Pearson correlation coefficient of 0.8992, 0.8472 and 0.9452 subsequently and Spearman correlation coefficient of 0.8863, 0.8408 and 0.9421. Moreover, the performance is demonstrated using perceptually weighted rank correlation to indicatethe perceptual superiority of the proposed approach. Multiple experiments are conducted to validate the generalization performance of the proposed model by training on different subsets of the databases and validating on the test subset of BIQ2021 database.


A Hybrid Approach to Tea Crop Yield Prediction Using Simulation Models and Machine Learning

July 2022

·

614 Reads

·

63 Citations

Tea (Camellia sinensis L.) is one of the most highly consumed beverages globally after water. Several countries import large quantities of tea from other countries to meet domestic needs. Therefore, accurate and timely prediction of tea yield is critical. The previous studies used statistical, deep learning, and machine learning techniques for tea yield prediction, but crop simulation models have not yet been used. However, the calibration of a simulation model for tea yield prediction and the comparison of these approaches is needed regarding the different data types. This research study aims to provide a comparative study of the methods for tea yield prediction using the Food and Agriculture Organization (FAO) of the United Nations AquaCrop simulation model and machine learning techniques. We employed weather, soil, crop, and agro-management data from 2016 to 2019 acquired from tea fields of the National Tea and High-Value Crop Research Institute (NTHRI), Pakistan, to calibrate the AquaCrop simulation model and to train regression algorithms. We achieved a mean absolute error (MAE) of 0.45 t/ha, a mean squared error (MSE) of 0.23 t/ha, and a root mean square error (RMSE) of 0.48 t/ha in the calibration of the AquaCrop model and, out of the ten regression models, we achieved the lowest MAE of 0.093 t/ha, MSE of 0.015 t/ha, and RMSE of 0.120 t/ha using 10-fold cross-validation and MAE of 0.123 t/ha, MSE of 0.024 t/ha, and RMSE of 0.154 t/ha using the XGBoost regressor with train test split. We concluded that the machine learning regression algorithm performed better in yield prediction using fewer data than the simulation model. This study provides a technique to improve tea yield prediction by combining different data sources using a crop simulation model and machine learning algorithms.


Fig. 1. Topology of neural network
Fig. 2. Performance curves with best validation performance
Training Neural Network Parameters
Distortion Type and number of images produced from it
Correlation Test of LIVE dataset
Non-Reference Quality Monitoring of Digital Images using Gradient Statistics and Feedforward Neural Networks

December 2021

·

47 Reads

Digital images contain a lot of redundancies, therefore, compressions are applied to reduce the image size without the loss of reasonable image quality. The same become more prominent in the case of videos that contains image sequences and higher compression ratios are achieved in low throughput networks. Assessment of the quality of images in such scenarios becomes of particular interest. Subjective evaluation in most of the scenarios becomes infeasible so objective evaluation is preferred. Among the three objective quality measures, full-reference and reduced-reference methods require an original image in some form to calculate the quality score which is not feasible in scenarios such as broadcasting or IP video. Therefore, a non-reference quality metric is proposed to assess the quality of digital images which calculates luminance and multiscale gradient statistics along with mean subtracted contrast normalized products as features to train a Feedforward Neural Network with Scaled Conjugate Gradient. The trained network has provided good regression and R2 measures and further testing on LIVE Image Quality Assessment database release-2 has shown promising results. Pearson, Kendall, and Spearman's correlation are calculated between predicted and actual quality scores and their results are comparable to the state-of-the-art systems. Moreover, the proposed metric is computationally faster than its counterparts and can be used for the quality assessment of image sequences.


Leaf Image-Based Plant Disease Identification Using Color and Texture Features

November 2021

·

1,637 Reads

·

73 Citations

Wireless Personal Communications

Identification of plant disease is usually done through visual inspection or during laboratory examination which causes delays resulting in yield loss by the time identification is complete. On the other hand, complex deep learning models perform the task with reasonable performance but due to their large size and high computational requirements, they are not suited to mobile and handheld devices. Our proposed approach contributes automated identification of plant diseases which follows a sequence of steps involving pre-processing, segmentation of diseased leaf area, calculation of features based on the Gray-Level Co-occurrence Matrix (GLCM), feature selection and classification. In this study, six color features and twenty-two texture features have been calculated. Support vector machines is used to perform one-vs-one classification of plant disease. The proposed model of disease identification provides an accuracy of 98.79% with a standard deviation of 0.57 on tenfold cross-validation. The accuracy on a self-collected dataset is 82.47% for disease identification and 91.40% for healthy and diseased classification. The reported performance measures are better or comparable to the existing approaches and highest among the feature-based methods, presenting it as the most suitable method to automated leaf-based plant disease identification. This prototype system can be extended by adding more disease categories or targeting specific crop or disease categories.


Citations (16)


... Overall, one-third of the agricultural land area deteriorates due to salinity problems, resulting in a 64% yield loss [42]. In this context, only a few studies have been conducted to address this issue in Pakistan, integrating remote sensing predictors to monitor soil salinization in machine learning environments [43,44]. However, a rigorous review of the relevant literature also revealed a lack of detailed assessments of soil salinity in the middle Indus region of Pakistan, which is prone to arid and semi-arid conditions [45]. ...

Reference:

Predictive Modeling of soil salinity integrating remote sensing and soil variables: An ensembled deep learning approach
Spatial Mapping of Soil Salinity Using Machine Learning and Remote Sensing in Kot Addu, Pakistan

... The experimental evaluation of proposed MFMP-CCRDNN, existing DRQN (1) , DCNN (2) , Deep Regression (22) , and 3D-CNN ConvLSTM ViT (23) are implemented using Java for soil fertility prediction using soil health dataset collected from https://soilhe alth.dac.gov.in/ during the period 2016-2017 for Erode district, Tamil Nadu. ...

A Multimodal Data Fusion and Deep Neural Networks Based Technique for Tea Yield Estimation in Pakistan Using Satellite Imagery

IEEE Access

... Tea (Camellia sinensis L.) was an essential beverage in several countries. Therefore, in [21], a tea yield prediction was performed using the ML model. It analyses crop, soil, agro-management, and weather details to predict the yield accurately. ...

A Hybrid Approach to Tea Crop Yield Prediction Using Simulation Models and Machine Learning

... Objective IQA algorithms can be classified into three categories based on the access to reference information: full-reference, reduced-reference, and no-reference. Full-reference algorithms compare a distorted image to its original reference, whereas reduced-reference methods assess image quality using partial information from the original image, such as metadata or reference-extracted features 15,16 . In contrast, no-reference techniques evaluate image quality without access to the original reference, instead relying solely on the distorted image 17-19 . ...

Deep ensembling for perceptual image quality assessment

Soft Computing

... Texture-based characteristics have been extracted using conventional methods like the GLCM, which have been used extensively. The study of 31 shows that GLCM is effective at capturing the textural patterns found in photographs of damaged leaves. According to 32 shape descriptors and color moments are also frequently used to extract geometric and color-based information. ...

Leaf Image-Based Plant Disease Identification Using Color and Texture Features

Wireless Personal Communications

... Some are based on profile analysis [5], while others use clustering [6] [7] [8]. Most of these solutions focus on improving the quality of the results as well as the response time. ...

Sentiment Analysis based on Soft Clustering through Dimensionality Reduction Technique

Mehran University Research Journal of Engineering and Technology

... Because of the need for real-time monitoring and sharing of crop growth information, visible light image recognition has been successfully applied to the field of plant disease detection in recent years [16][17][18][19][20]. A variety of traditional image-processing methods have been applied. ...

Leaf Image-based Plant Disease Identification using Color and Texture Features

... The state-of-the-art NR-IQA methods such as BLIINDS II [41], BRISQUE [42], DIIVINE [43], CORNIA [44], NIQE [45], IL-NIQE [46], PSQA I [47], ENIQA [48], SPF IQA [49], PIQI [50] and SGL-IQA [51] are compared to evaluate the performance of the proposed approach. The mentioned BIQA algorithms are supervised approaches with MOS values and are not distortion-specific. ...

PIQI: perceptual image quality index based on ensemble of Gaussian process regression

... Similarly, Hosu et al. 17 introduced the KonIQ-10k dataset, one of the largest IQA datasets available, along with KonCept512, a deep learning-based model that exhibited excellent generalization characteristics compared to state-of-the-art algorithms. Building on deep learning techniques, Ahmed et al. 51 proposed an IQA model using activations of pre-trained deep neural architectures as features from an ensemble of Gaussian process regression models, achieving state-of-the-art performance across various datasets. On the same lines, Varga 52 proposed an IQA algorithm with multiple neural architecture-based decision feature fusion. ...

Perceptual Quality Assessment of Digital Images Using Deep Features
  • Citing Article
  • January 2020

Computing and Informatics

... "Feature Selection" is another integrated tool in risk management, and it has been shown that the use of feature selection techniques allows the identification of key variables that influence risk prediction, thus improving the accuracy and efficiency of risk models. In the case of machine learning, 49 this ability to select the most relevant features has a significant impact on the early identification and mitigation of risks in a variety of applications. ...

A Machine Learning Based Self-Risk Assessment Technique for Cervical Cancer

Current Bioinformatics