SlideShare a Scribd company logo
CONTENTS
 Abstract
 Objectives of the proposed system
 Design Methodology
 Model and Mechanism
 Tools Used for Test Model
 Applications
 Conclusion
 References
S V COLLEGE OF ENGINEERING, TIRUPATI
ENVIRONMENTAL QUALITY PREDICTION & IT’S DEPLOYMENT
Abstract
The environment is the source of survival for the human. In the
modern days, the degradation of the environment has been increased
significantly, when we compared to the last few centuries. The
meteorological and traffic factors, burning of fossil fuels, deforestation,
industrial parameters, and mass development of civilization played a
significant role in environmental quality. The deposition of harmful
gases in the air, mass deforestation, and industrial factors are affecting
the quality of people’s lives around the world. Many researchers began to
use the big data analytics approach as there environmental sensing
networks and sensor data available. In this project, we implement
machine learning models to detect and predict environmental quality.
Models in time series will be employed for the better prediction of
environmental quality.
S V COLLEGE OF ENGINEERING, TIRUPATI
OBJECTIVES OF PROPOSED SYSTEM
The proposed systems incorporates the machine learning domain
in it. The system is based on classification based technique of supervised
machine learning branch. For better accuracy, the supervised learning
counter parts such as Logistic regression, Naive bayes, KNN, Random
forest, Decision tree algorithm and Support Vector machine are compared.
• Add a new heuristic characteristics with machine learning techniques
to decrease the false positive in predicting the air quality.
• Made an effort to identify the finest model in machine learning of
supervised method to predict the air quality with higher efficacy than the
existing systems.
• Used different learning techniques such as Logistic regression, Naive
bayes, KNN, Random forest, Decision Trees and Support Vector machine.
S V COLLEGE OF ENGINEERING, TIRUPATI
DESIGN METHODOLY
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
Data Validation
Raw data is converted to understandable format. Outliers are
removed. Missing values are filled with ’NAN’. Describing the data(shape,
count, mean, std etc). Reading the data into a variable. The libraries used
are pandas and numpy.
Exploration data analysis of visualization
In this the data is expressed in the form of bar plot, pie chart,
Heat map, Boxplot, scattering etc. this is done using matplot library,
seaborn.
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
Preprocessing Technique
In this technique the object type data is converted into
numerical type using labelEncoder class that is in preprocessing module
and this module is in sklean library. There is fit_transform(data) in
labelEncoder which is used for scaling.
Logistic Regression Algorithm
In Logistic regression the data is represented in terms of ‘0’ and
‘1’.
S V COLLEGE OF ENGINEERING, TIRUPATI
AQI (dependent or output) CLASS( represented AQI as )
0-50 (Good) 1
50-100 (Satisfactory) 1
100-200 (Moderate) 0
200-300 (Poor) 0
Above 300(Very Poor) 0
MODEL AND MECHANISM
Creating feature matrix
In this the dependent columns and independent columns are
divided and they are read in to variables x, y.
Spliting the data for training and testing(x_train, x_test, y_train,
y_test)
The data is trained because module will analyze the patterns or
relationship between input and output. Here 70% data from data set is
given for the training. In training both the input and output features.
In testing only 30% of data is given. Only input features are given
to the model and we will predict the results and that are compared to
y_test column.This is achieved using sklearn library, model_selection
module, train_test_split.
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
Training and Testing
The library,module,class,functions required are sklearn,
Linear_model, Logistic Regression, fit(),predict().
Accuracy
Classification report:
Accuracy is the ratio of true predictions to the total number of
predictions. In this weighted average is calculated based on samples.
Accuracy=(tp+tn) /( tp+tn+fp+fn)
S V COLLEGE OF ENGINEERING, TIRUPATI
Actual Value Prediction
True positive 1 1
True negative 0 0
False Positive 0 1
False negative 1 0
MODEL AND MECHANISM
Cross validation test result:
In this making sure that model is trained with most of the
patterns. If model is divided in ‘n’ patterns then there will ‘n’ number of
accuracy values by finding the mean of those accuracy values we will get
accuracy. This is done using cross_val_score .
Confusion matrix:
In sklearn matrix there will be a module named metric from that
confusion matrix is imported.
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
Naïve Bayes Algorithm
This technique is based on Bayes theorem with an assumption of
independence among features. In this library, module, class, functions
used are sklearn, naive_bayes, GaussianNB, fit(), predict().
P(A∣B)=P(A)⋅P(B∣A)/ P(B)
Decision Tree Algorithm
It is a tree-structured classifier, where internal nodes represent
the features of a dataset, branches represent the decision rules and each
leaf node represents the outcome. In this library, module, class, functions
used are sklearn, tree, DecisionTreeClassifier, fit(), predict().
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
Random Forest Algorithm
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
place Average
pollutants
X 50
Y 300
z 120
MODEL AND MECHANISM
Support Vector Machine Algorithm
In SVM algorithm the Hyperplane is created that can segregate
dimensional space into classes so that we can easily put the new data
point in the correct category in the future. In this sklearn, svm, SVC, fit(),
predict().
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
K- Nearest Algorithm
In this Eucledian distance formula used. Sklearn,neighbors,
KNeighborsClassifier, fit(), predict() are used.
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
MODEL AND MECHANISM
Accuracy Results
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
Algorithm Accuracy percentage
Logistic Regression 85.71
Gaussian Naïve Bayes 78.57
Decision Tree 71.42
Random Forest 92.85
Support Vector Machine 76.92
KNeighbors Classifier 78.57
MODEL AND MECHANISM
Output
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
TOOLS USED FOR TEST MODEL
Anaconda
Jupyter
Amazon Web services
APPLICATIONS
Can be used by Common people
 Industrial areas
In cities
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
CONCLUSION
Prevention of air pollution is the need of the hour, so a influential
machine learning system was established with the help of prediction
model. Prediction of pollution events has become most important issue in
major cities in India due to the increased expansion of the population and
the associated impact of traffic capacities. Data from a variety of
heterogeneous capitals were used and involved collection and cleansing
for use in machine learning algorithms. The number of model parameters
and optimized outputs were reduced with help of structure regularization
which in turn, alleviated model complexity. The Random forest tree
algorithm gave the best results among all the algorithms, with an overall
accuracy of 99.8.
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
REFERENCES
[1] Acharjya, Debi Prasanna, and Kauser Ahmed (2019), ”A survey on big
data analytics: challenges, open research issues and tools.” International
Journal of Advanced Computer Science and Applications, vol.7,no.2,
pp.511- 518.
[2] A. Gnana Soundari, J. Gnana Jeslin, Akshaya A.C (2019),”Indian Air
Quality Prediction And Analysis Using Machine Learning”, International
Journal of Computer Applications Technology and Research ,Volume
8,Issue 09, 367-370.
[3] Abed Al Ahad M, Sullivan F, Demsar U, Melhem M, Kulu H(2020),” The
Effect Of Air-pollution And Weather Exposure On Mortality And Hospital
Admission And Implications For Further Research: A Systematic Scoping
Review”. PLoS ONE 15(10): e0241415.
[4] D. Qin, J. Yu, G. Zou, R. Yong, Q. Zhao and B. Zhang (2019), ”A Novel
Combined Prediction Scheme Based on CNN and LSTM for Urban PM2.5
Concentration,” in IEEE Access, vol.7, pp.20050-20059.
S V COLLEGE OF ENGINEERING, TIRUPATI
S V COLLEGE OF ENGINEERING, TIRUPATI
THANK YOU

More Related Content

PDF
AIRLINE FARE PRICE PREDICTION
PDF
Performance Comparision of Machine Learning Algorithms
PDF
Water Quality Index Calculation of River Ganga using Decision Tree Algorithm
PPTX
Comparative Analysis of RMSE and MAP Metrices for Evaluating CNN and LSTM Mod...
PDF
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
PDF
A1802050102
PPTX
FINAL REVIEW PPT UpdatedFINAL REVIEW PPT Updated
PDF
EFFICIENT USE OF HYBRID ADAPTIVE NEURO-FUZZY INFERENCE SYSTEM COMBINED WITH N...
AIRLINE FARE PRICE PREDICTION
Performance Comparision of Machine Learning Algorithms
Water Quality Index Calculation of River Ganga using Decision Tree Algorithm
Comparative Analysis of RMSE and MAP Metrices for Evaluating CNN and LSTM Mod...
AN IMPROVED METHOD FOR IDENTIFYING WELL-TEST INTERPRETATION MODEL BASED ON AG...
A1802050102
FINAL REVIEW PPT UpdatedFINAL REVIEW PPT Updated
EFFICIENT USE OF HYBRID ADAPTIVE NEURO-FUZZY INFERENCE SYSTEM COMBINED WITH N...

Similar to environmental quality predicti and it's deployment project (20)

PDF
CASE STUDY: ADMISSION PREDICTION IN ENGINEERING AND TECHNOLOGY COLLEGES
PDF
IRJET- Advanced Waypoints Analytics for Automated Drones
PDF
Performance Evaluation: A Comparative Study of Various Classifiers
PPTX
Regression with Microsoft Azure & Ms Excel
PDF
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
PDF
IRJET- K-SVD: Dictionary Developing Algorithms for Sparse Representation ...
PDF
Music Genre Classification using Machine Learning
PDF
THE IMPLICATION OF STATISTICAL ANALYSIS AND FEATURE ENGINEERING FOR MODEL BUI...
PDF
THE IMPLICATION OF STATISTICAL ANALYSIS AND FEATURE ENGINEERING FOR MODEL BUI...
PDF
THE IMPLICATION OF STATISTICAL ANALYSIS AND FEATURE ENGINEERING FOR MODEL BUI...
PDF
A Firefly based improved clustering algorithm
PDF
IRJET - Stock Market Prediction using Machine Learning Algorithm
PDF
Parametric estimation of construction cost using combined bootstrap and regre...
PDF
IRJET - House Price Predictor using ML through Artificial Neural Network
PDF
Predicting User Ratings of Competitive ProgrammingContests using Decision Tre...
PDF
IRJET- Expert Independent Bayesian Data Fusion and Decision Making Model for ...
PDF
IRJET- Error Reduction in Data Prediction using Least Square Regression Method
PDF
Review of Existing Methods in K-means Clustering Algorithm
PDF
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
PDF
A Review on Prediction of Compressive Strength and Slump by Using Different M...
CASE STUDY: ADMISSION PREDICTION IN ENGINEERING AND TECHNOLOGY COLLEGES
IRJET- Advanced Waypoints Analytics for Automated Drones
Performance Evaluation: A Comparative Study of Various Classifiers
Regression with Microsoft Azure & Ms Excel
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- K-SVD: Dictionary Developing Algorithms for Sparse Representation ...
Music Genre Classification using Machine Learning
THE IMPLICATION OF STATISTICAL ANALYSIS AND FEATURE ENGINEERING FOR MODEL BUI...
THE IMPLICATION OF STATISTICAL ANALYSIS AND FEATURE ENGINEERING FOR MODEL BUI...
THE IMPLICATION OF STATISTICAL ANALYSIS AND FEATURE ENGINEERING FOR MODEL BUI...
A Firefly based improved clustering algorithm
IRJET - Stock Market Prediction using Machine Learning Algorithm
Parametric estimation of construction cost using combined bootstrap and regre...
IRJET - House Price Predictor using ML through Artificial Neural Network
Predicting User Ratings of Competitive ProgrammingContests using Decision Tre...
IRJET- Expert Independent Bayesian Data Fusion and Decision Making Model for ...
IRJET- Error Reduction in Data Prediction using Least Square Regression Method
Review of Existing Methods in K-means Clustering Algorithm
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
A Review on Prediction of Compressive Strength and Slump by Using Different M...
Ad

Recently uploaded (20)

PPTX
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx
PDF
composite construction of structures.pdf
PDF
Model Code of Practice - Construction Work - 21102022 .pdf
PPTX
OOP with Java - Java Introduction (Basics)
PPT
Project quality management in manufacturing
PDF
TFEC-4-2020-Design-Guide-for-Timber-Roof-Trusses.pdf
PPTX
web development for engineering and engineering
PPTX
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
PPTX
UNIT 4 Total Quality Management .pptx
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PDF
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
PDF
R24 SURVEYING LAB MANUAL for civil enggi
DOCX
573137875-Attendance-Management-System-original
PPTX
IOT PPTs Week 10 Lecture Material.pptx of NPTEL Smart Cities contd
PDF
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
PDF
Mitigating Risks through Effective Management for Enhancing Organizational Pe...
PPTX
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
PPTX
Foundation to blockchain - A guide to Blockchain Tech
PDF
Well-logging-methods_new................
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx
composite construction of structures.pdf
Model Code of Practice - Construction Work - 21102022 .pdf
OOP with Java - Java Introduction (Basics)
Project quality management in manufacturing
TFEC-4-2020-Design-Guide-for-Timber-Roof-Trusses.pdf
web development for engineering and engineering
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
Embodied AI: Ushering in the Next Era of Intelligent Systems
UNIT 4 Total Quality Management .pptx
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
R24 SURVEYING LAB MANUAL for civil enggi
573137875-Attendance-Management-System-original
IOT PPTs Week 10 Lecture Material.pptx of NPTEL Smart Cities contd
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
Mitigating Risks through Effective Management for Enhancing Organizational Pe...
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
Foundation to blockchain - A guide to Blockchain Tech
Well-logging-methods_new................
Ad

environmental quality predicti and it's deployment project

  • 1. CONTENTS  Abstract  Objectives of the proposed system  Design Methodology  Model and Mechanism  Tools Used for Test Model  Applications  Conclusion  References S V COLLEGE OF ENGINEERING, TIRUPATI
  • 2. ENVIRONMENTAL QUALITY PREDICTION & IT’S DEPLOYMENT Abstract The environment is the source of survival for the human. In the modern days, the degradation of the environment has been increased significantly, when we compared to the last few centuries. The meteorological and traffic factors, burning of fossil fuels, deforestation, industrial parameters, and mass development of civilization played a significant role in environmental quality. The deposition of harmful gases in the air, mass deforestation, and industrial factors are affecting the quality of people’s lives around the world. Many researchers began to use the big data analytics approach as there environmental sensing networks and sensor data available. In this project, we implement machine learning models to detect and predict environmental quality. Models in time series will be employed for the better prediction of environmental quality. S V COLLEGE OF ENGINEERING, TIRUPATI
  • 3. OBJECTIVES OF PROPOSED SYSTEM The proposed systems incorporates the machine learning domain in it. The system is based on classification based technique of supervised machine learning branch. For better accuracy, the supervised learning counter parts such as Logistic regression, Naive bayes, KNN, Random forest, Decision tree algorithm and Support Vector machine are compared. • Add a new heuristic characteristics with machine learning techniques to decrease the false positive in predicting the air quality. • Made an effort to identify the finest model in machine learning of supervised method to predict the air quality with higher efficacy than the existing systems. • Used different learning techniques such as Logistic regression, Naive bayes, KNN, Random forest, Decision Trees and Support Vector machine. S V COLLEGE OF ENGINEERING, TIRUPATI
  • 4. DESIGN METHODOLY S V COLLEGE OF ENGINEERING, TIRUPATI
  • 5. MODEL AND MECHANISM Data Validation Raw data is converted to understandable format. Outliers are removed. Missing values are filled with ’NAN’. Describing the data(shape, count, mean, std etc). Reading the data into a variable. The libraries used are pandas and numpy. Exploration data analysis of visualization In this the data is expressed in the form of bar plot, pie chart, Heat map, Boxplot, scattering etc. this is done using matplot library, seaborn. S V COLLEGE OF ENGINEERING, TIRUPATI
  • 6. MODEL AND MECHANISM Preprocessing Technique In this technique the object type data is converted into numerical type using labelEncoder class that is in preprocessing module and this module is in sklean library. There is fit_transform(data) in labelEncoder which is used for scaling. Logistic Regression Algorithm In Logistic regression the data is represented in terms of ‘0’ and ‘1’. S V COLLEGE OF ENGINEERING, TIRUPATI AQI (dependent or output) CLASS( represented AQI as ) 0-50 (Good) 1 50-100 (Satisfactory) 1 100-200 (Moderate) 0 200-300 (Poor) 0 Above 300(Very Poor) 0
  • 7. MODEL AND MECHANISM Creating feature matrix In this the dependent columns and independent columns are divided and they are read in to variables x, y. Spliting the data for training and testing(x_train, x_test, y_train, y_test) The data is trained because module will analyze the patterns or relationship between input and output. Here 70% data from data set is given for the training. In training both the input and output features. In testing only 30% of data is given. Only input features are given to the model and we will predict the results and that are compared to y_test column.This is achieved using sklearn library, model_selection module, train_test_split. S V COLLEGE OF ENGINEERING, TIRUPATI
  • 8. MODEL AND MECHANISM Training and Testing The library,module,class,functions required are sklearn, Linear_model, Logistic Regression, fit(),predict(). Accuracy Classification report: Accuracy is the ratio of true predictions to the total number of predictions. In this weighted average is calculated based on samples. Accuracy=(tp+tn) /( tp+tn+fp+fn) S V COLLEGE OF ENGINEERING, TIRUPATI Actual Value Prediction True positive 1 1 True negative 0 0 False Positive 0 1 False negative 1 0
  • 9. MODEL AND MECHANISM Cross validation test result: In this making sure that model is trained with most of the patterns. If model is divided in ‘n’ patterns then there will ‘n’ number of accuracy values by finding the mean of those accuracy values we will get accuracy. This is done using cross_val_score . Confusion matrix: In sklearn matrix there will be a module named metric from that confusion matrix is imported. S V COLLEGE OF ENGINEERING, TIRUPATI
  • 10. MODEL AND MECHANISM Naïve Bayes Algorithm This technique is based on Bayes theorem with an assumption of independence among features. In this library, module, class, functions used are sklearn, naive_bayes, GaussianNB, fit(), predict(). P(A∣B)=P(A)⋅P(B∣A)/ P(B) Decision Tree Algorithm It is a tree-structured classifier, where internal nodes represent the features of a dataset, branches represent the decision rules and each leaf node represents the outcome. In this library, module, class, functions used are sklearn, tree, DecisionTreeClassifier, fit(), predict(). S V COLLEGE OF ENGINEERING, TIRUPATI
  • 11. MODEL AND MECHANISM Random Forest Algorithm S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI place Average pollutants X 50 Y 300 z 120
  • 12. MODEL AND MECHANISM Support Vector Machine Algorithm In SVM algorithm the Hyperplane is created that can segregate dimensional space into classes so that we can easily put the new data point in the correct category in the future. In this sklearn, svm, SVC, fit(), predict(). S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI
  • 13. MODEL AND MECHANISM K- Nearest Algorithm In this Eucledian distance formula used. Sklearn,neighbors, KNeighborsClassifier, fit(), predict() are used. S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI
  • 14. MODEL AND MECHANISM Accuracy Results S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI Algorithm Accuracy percentage Logistic Regression 85.71 Gaussian Naïve Bayes 78.57 Decision Tree 71.42 Random Forest 92.85 Support Vector Machine 76.92 KNeighbors Classifier 78.57
  • 15. MODEL AND MECHANISM Output S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI
  • 16. TOOLS USED FOR TEST MODEL Anaconda Jupyter Amazon Web services APPLICATIONS Can be used by Common people  Industrial areas In cities S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI
  • 17. CONCLUSION Prevention of air pollution is the need of the hour, so a influential machine learning system was established with the help of prediction model. Prediction of pollution events has become most important issue in major cities in India due to the increased expansion of the population and the associated impact of traffic capacities. Data from a variety of heterogeneous capitals were used and involved collection and cleansing for use in machine learning algorithms. The number of model parameters and optimized outputs were reduced with help of structure regularization which in turn, alleviated model complexity. The Random forest tree algorithm gave the best results among all the algorithms, with an overall accuracy of 99.8. S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI
  • 18. REFERENCES [1] Acharjya, Debi Prasanna, and Kauser Ahmed (2019), ”A survey on big data analytics: challenges, open research issues and tools.” International Journal of Advanced Computer Science and Applications, vol.7,no.2, pp.511- 518. [2] A. Gnana Soundari, J. Gnana Jeslin, Akshaya A.C (2019),”Indian Air Quality Prediction And Analysis Using Machine Learning”, International Journal of Computer Applications Technology and Research ,Volume 8,Issue 09, 367-370. [3] Abed Al Ahad M, Sullivan F, Demsar U, Melhem M, Kulu H(2020),” The Effect Of Air-pollution And Weather Exposure On Mortality And Hospital Admission And Implications For Further Research: A Systematic Scoping Review”. PLoS ONE 15(10): e0241415. [4] D. Qin, J. Yu, G. Zou, R. Yong, Q. Zhao and B. Zhang (2019), ”A Novel Combined Prediction Scheme Based on CNN and LSTM for Urban PM2.5 Concentration,” in IEEE Access, vol.7, pp.20050-20059. S V COLLEGE OF ENGINEERING, TIRUPATI S V COLLEGE OF ENGINEERING, TIRUPATI