Ijraset Journal For Research in Applied Science and Engineering Technology
Authors: Tanmay Jain, Harshada Mhaske, Sanjay Chilveri, Aniket Chaudhar, Chinmay Doshi
DOI Link: https://doi.org/10.22214/ijraset.2024.59342
Certificate: View Certificate
Cloudy weather classification is a vital task in meteorology and remote sensing, facilitating various applications such as weather forecasting, climate monitoring, and environmental analysis. In this study, we explore the application of convolutional neural network (CNN) techniques for classifying cloudy weather conditions using the Cloudy Weather Dataset sourced from Kaggle. The primary CNN architectures investigated include AlexNet, LeNet, and ResNet. The dataset undergoes preprocessing steps, including resizing and normalization to floating-point representation. Additionally, for calculating cloud cover percentage, the images are processed through grayscaling followed by thresholding. The performance of each CNN model is evaluated based on metrics of accuracy, that is providing insights into their effectiveness for cloudy weather classification.
I. INTRODUCTION
Cloudy weather classification is a fundamental task in meteorology, environmental science, and remote sensing, with wide-ranging applications across various domains. Accurate classification of cloud cover conditions plays a crucial role in weather forecasting, climate modeling, agriculture, and disaster management. Traditional methods for cloud classification often rely on manual interpretation of satellite imagery or meteorological observations, which can be time-consuming and subjective.
Recent advancements in deep learning, particularly convolutional neural networks (CNNs), have revolutionized the field of image classification. CNNs have demonstrated remarkable performance in various image recognition tasks, including object detection, facial recognition, and medical image analysis. Leveraging CNNs for cloudy weather classification offers the potential for automated and accurate identification of cloud cover conditions from satellite or ground-based imagery.
In this study, we investigate the effectiveness of different CNN techniques for classifying cloudy weather conditions using the Cloudy Weather Dataset obtained from Kaggle. The dataset comprises a diverse collection of images capturing various cloud formations and weather patterns. We employ popular CNN architectures, including AlexNet, LeNet, and ResNet, to train and evaluate models for cloudy weather classification.
Prior to model training, the dataset undergoes preprocessing steps to ensure compatibility with CNN architectures. This includes resizing the images to a standardized dimension and normalization to float representation, enhancing the convergence and stability of the training process. Additionally, for calculating cloud cover percentage, the images are processed through gray-scaling followed by thresholding to segment cloud pixels from the background.
Through extensive experimentation and evaluation, we assess the performance of each CNN model in terms of classification accuracy. The findings of this study provide valuable insights into the suitability of different CNN techniques for cloudy weather classification tasks, contributing to advancements in automated meteorological analysis and weather prediction systems.
II. LITERATURE SURVEY
The study emphasizes the importance of image preprocessing techniques for feature extraction and demonstrates the effectiveness of CNNs in extracting weather-related information from visual data.
3. Cloud Type Classification for Prediction of Rain Fall using CNN (2020). In this review the study utilizes a CNN-based model (CNN-CLP) to classify different cloud types from satellite images. While not directly predicting cloudiness, these classifications are intended as valuable input for further rainfall prediction models, highlighting the potential of CNNs for understanding cloudiness and its impact on weather.
4. Weather Classification Model Performance: Using CNN, Keras-Tensor Flow (2022). In this review it evaluates the performance of a CNN for classifying weather conditions, including cloudy skies. The study demonstrates the effectiveness of CNNs in identifying cloudy conditions within a broader weather classification framework using Keras and TensorFlow frameworks. However, further investigation is needed for specific cloudiness prediction in real-world applications.
5. Deep learning-based effective fine-grained weather forecasting model (2020).In this review it explores a deep learning model using CNNs and LSTMs for general weather forecasting. While not specifically focused on cloudy weather prediction, the study examines MIMO and MISO models for various weather elements, offering insights into the potential application of these techniques for further research and development in cloudy weather prediction.
III. ALGORITMIC SURVEY
A. Pre-Processing Techniques for Cloudy Weather Classification using CNNs
Convolutional Neural Networks (CNNs) have emerged as powerful tools for classifying cloud cover in satellite images, offering valuable insights for weather prediction. However, their effectiveness heavily relies on the quality of pre-processed image data. This section explores common pre-processing techniques employed in CNN-based cloudy weather classification:
Purpose: Standardizes image dimensions, ensuring consistent input for the CNN model.
Benefits: Facilitates efficient computation. Improves model performance by enabling consistent processing of images.
2. Normalization (Floating)
Purpose: Scales pixel values to a specific range (typically 0-1) for improved model convergence and stability.
Benefits: Enhances the convergence process of the CNN model during training. Enables better generalization on unseen data.
3. Grayscaling
Purpose: Converts color images to grayscale, reducing computational complexity and preserving relevant features.
Benefits: Improves model efficiency by reducing the number of input channels (from 3 RGB channels to 1 grayscale channel). Maintains essential information for cloud cover classification.
4. Thresholding
Purpose: Separates foreground objects (clouds) from the background using a predefined intensity threshold.
Benefits: Isolates cloud regions in grayscale images. Facilitates accurate cloud cover percentage calculation and classification.
B. Main Algorithms for CNN-based Cloudy Weather Classification
CNNs are the backbone of modern deep learning approaches for cloudy weather classification due to their ability to automatically learn discriminative features from image data. Here, we explore prominent CNN architectures employed in this domain:
For the project, Convolutional Neural Network or CNN have been used. CNN, or also called as ConvNet is a Deep Learning Algorithm used extensively in image processing applications. The algorithm requires very less amount of pre-processing as compared to the other image processing deep learning algorithms.
There are 4 important layers of CNN –
2. AlexNet
Pioneering CNN architecture: Comprises multiple convolutional layers with ReLU activations, followed by pooling layers and fully connected layers.
Contribution: Demonstrated the effectiveness of deep CNNs in large-scale image recognition, paving the way for advancements in cloudy weather classification.
3. ResNet (Residual Neural Network):
Addresses vanishing gradient problem: Introduces residual connections to facilitate training of extremely deep networks.
Benefits: Enables training of deeper and more accurate models. Achieved state-of-the-art performance in various image classification tasks, including cloudy weather classification.
4. LeNet:
Early CNN architecture: Comprises convolutional layers, average pooling layers, and fully connected layers.
Significance: Laid the foundation for modern CNNs, inspiring further research in image classification, including cloudy weather classification.
By effectively pre-processing image data and utilizing optimized CNN architectures, researchers can develop robust and accurate models for classifying cloud cover, contributing to improved weather prediction systems.
IV. COMPARATIVE STUDY
Paper Title |
Model |
Application |
Strengths |
Weaknesses |
A Flexible and Lightweight Deep Learning Weather Forecasting Model (2023) |
Hybrid LSTM/GAN |
Weather forecasting (flexible and lightweight) |
- Addresses data scarcity with GAN-generated data |
- May not be specifically optimized for cloudy weather prediction |
WETHER PREDECTION USING CNN AND IMAGE PROCESSING (2023) |
CNN |
Cloud cover classification |
- Effective feature extraction from satellite images |
- Not directly focused on cloudy weather prediction |
Cloud Type Classification for Prediction of Rain Fall using CNN (2020) |
CNN-CLP |
Cloud type classification for rainfall prediction |
- Contributes to cloudy weather prediction by classifying cloud types |
- May not be directly applicable to real-time forecasting |
Weather Classification Model Performance: Using CNN, Keras-Tensor Flow (2022) |
CNN |
Weather classification (cloudy, rainy, sunny, sunrise) |
- Demonstrates CNN effectiveness for classifying weather types |
- Limited to four weather categories, may not capture nuances of cloudiness |
Deep learning-based effective fine-grained weather forecasting model (2020) |
CNN, LSTM |
Weather forecasting (fine-grained) |
- Explores CNNs and LSTMs for weather forecasting |
- Limited details on specific application to cloudy weather prediction |
V. FLOW OF WORK & RESULTS
A. Data Acquisition
Source: Use images from Kaggle focusing on cloudy weather prediction.
B. User Interface
C. Preprocessing
D. Cloud Detection
E. Cloud Pixel Counting
Count the number of white pixels in the image.
VI. RESULTS & DISCUSSION
After performing extensive training and testing of each model using our dataset, Calculation of Accuracy Score of each predictive model was done.
We observed that the accuracy achieved by the ResNet CNN Model, gave the best result by giving the accuracy of 89%.
MODEL |
ACCURACY (100%) |
ResNet |
89 |
AlexNet |
86 |
LeNet |
83 |
Table 4: Accuracy Score
Original_Label |
Predicted_Label |
Cloudy |
Cloudy |
Partly Cloudy |
Partly Cloudy |
Mostly Cloudy |
Partly Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Cloudy |
Table 5: Sample Predicted Data using AlexNet
VII. APPLICATIONS
Cloudy skies hold the key to clearer futures with the potential of CNN-based weather prediction:
The potential of this technology extends beyond these examples, impacting various sectors like logistics, construction, and tourism. As the technology evolves, we can expect even more accurate and reliable cloudy weather prediction, paving the way for a future with clearer skies and a better prepared world
The paper delves into the utilization of Convolutional Neural Networks (CNNs) to forecast cloudy weather conditions through satellite imagery analysis. Notably, CNNs demonstrate efficacy in categorizing cloud cover and exhibit promise in delineating various cloud types. These findings underscore their pivotal role in augmenting weather forecasting capabilities, offering valuable insights into cloud behavior and its implications for weather patterns. However, the research also identifies certain constraints, such as an overarching emphasis on classification tasks and the complexity arising from limited data availability and model intricacy. Despite these limitations, CNNs remain a potent tool for cloudy weather prediction. To further advance the field, future studies should focus on refining models tailored specifically for cloudy weather forecasting. Additionally, there is a pressing need to explore sophisticated classification techniques, incorporating temporal data to address challenges associated with data scarcity. Moreover, integrating CNNs with existing weather prediction models could enhance the comprehensiveness and reliability of forecasting endeavors. By addressing these research gaps and leveraging the strengths of CNNs, the field can propel towards the development of robust and accurate cloudy weather prediction systems, facilitating informed decision-making across diverse sectors.
[1] Wang, J., Zhao, C., Guo, Y., Zou, X., & Huang, J. “A deep-learning approach for short-term cloud cover forecasting using satellite imagery and numerical weather prediction products.” Atmospheric Research, 290, 103222, 2023. [2] Huang, Y., Liu, X., Ma, X., & Wang, Y. “A convolutional neural network for predicting cloud fraction using geostationary satellite imagery and numerical weather prediction products.” Remote Sensing, vol. 12(5), 2020. [3] Cao, C., Xu, H., & Xu, D. “Machine learning for short-term cloud forecasting: A review.” Remote Sensing, vol. 10(12), 2018. [4] Yang, F., Weng, S., Zhao, L., Gao, Z., Guo, Z., & Huang, J. “A high-resolution cloud forecasting system for short-term weather forecasting.” Atmospheric Research, 182, 2016. [5] Wang, Z., Li, X., Ma, Y., Tang, G., Wang, J., Sun, C., & Wang, Y. “Daytime cloud detection over land with Landsat-8 data: A deep learning approach.” Remote Sensing, vol. 12(13), 2020. [6] Souza-Filho, K. S., & Ambar, G. S. “Cloud field classification and short-term forecasting through texture analysis and hidden Markov models.” Weather and Forecasting, vol. 22(1), 2007. [7] Liu, Y., Xu, M., Li, R., Guo, L., & Guo, Z. “A convolutional neural network based cloud cover prediction model.” International Conference on Computer and Communications (ICCC) (pp. 192197). IEEE, 2019. [8] Yu, H., Xu, Z., & Wang, X. “An improved cloud forecast model using a hybrid approach of cloud detection and numerical weather prediction products.” Atmospheric Research, 2012. [9] Oreopoulos, L., Wendt, M., & Christopoulos, C. “A survey of machine learning techniques for short-term cloud forecasting.” Neural Computing and Applications, vol. 25(2-3), 2014. [10] Wang, Z., Li, X., Tang, G., & Wang, J. “Deep learning based cloud classification and feature extraction for remote sensing images.” Remote Sensing, vol. 10(7), 2018. [11] Gómez-Muñoz, M. V., Martín-León, F., & van der Velden, E. M. “Combining text mining and numerical weather prediction for short-term cloud cover forecasting.” Weather and Forecasting, vol. 31(1), 2016. [12] Sun, J., Wang, Y., Xu, Z., & Zhu, Y. “A convolutional neural network for cloud detection and classification based on recurrent neural networks.” IEEE Geoscience and Remote Sensing Letters, vol. 15(10), 2018. [13] Heidinger, A. K., Pavolonis, M. J., Bennartz, R., & Preusse, P. “A clarification on the difference between satellite-derived cloud cover and cloud type.” Bulletin of the American Meteorological Society, vol. 91(8), 2010.
Copyright © 2024 Tanmay Jain, Harshada Mhaske, Sanjay Chilveri, Aniket Chaudhar, Chinmay Doshi. This is an open access article distributed under the Creative Commons Attribution License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
Paper Id : IJRASET59342
Publish Date : 2024-03-23
ISSN : 2321-9653
Publisher Name : IJRASET
DOI Link : Click Here