SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
Deep Learning Model to Predict Hardware Performance
Shrreenithi Srinivasan1, Avik Satrughana Nayak2
1BE Computer Science, Anna University, Chennai, India
2BE Computer Science, Biju Patnaik University, Bhubaneswar, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract – The goal of the project is to harvest the power
of machine learning algorithms and come up with a novel
approach towards predicting the best possible combination
of hardware features for a computer system, (e.g.
microprocessor/memory specs, Software specs etc.) such
that the baseline and peak scores measured on a certain
benchmark program (e.g. CINT 2006 of SPEC benchmark
program) is maximized. The problem involves predictive
analysis and optimization of hyper parameter for high
accuracy output. The baseline score is the target value. The
hardware features are the independent variables and the
baseline is the dependent variable.
Key Words: Multi Linear Regression, Pandas, Sklearn
package, Backward Elimination, Cross Validation,
Logistic Regression, One hot Encoding, Forward
Selection.
1. INTRODUCTION
An application that is able to predict hardware
performance and analysis with Deep Learning (DL)
algorithms, could drastically improve the performance/
cost curve of a system of machines. An analysis is needed
to verify the result with these expectations. Doing it
manually takes time and this void is filled by a model
which predicts part of the analysis which is the
performance that can be expected with a set of input
configurations. Performing this type of analysis by hand
can require a day or two to complete per benchmark. Thus
a Machine Learning (ML) model is used to do robust
analysis and predict results in a fraction of time. The Deep
Learning model takes input data such as CPU type,
frequency, number of cores, memory size and speed, flash
or disk architecture, network configuration that correlates
against the corresponding performance and system
response. For this project, SPEC CPU 2006 and SPEC CPU
2017 (Reference: 1) will be selected from the
PerfKitBenchmarker suite of industry standard cloud
platform benchmarks. These two Spec benchmarks are the
most popular performance tools in repository which will
be downloaded to PostGresQl for Deep Learning analysis.
It contains SPEC’s next-generation, industry-standardized
CPU intensive suites for measuring and comparing
intensive performance, stressing a system’s processor,
memory subsystem and compiler. Once a Deep Learning
model is chosen and fully implemented, it will have the
ability to infer a score from a given hardware
configuration or infer a hardware configuration from a
given score. This Deep Learning model is used to infer a
benchmark score given a hardware configuration.
2. RELATED WORK
The Deep Learning project is a green field project given by
Flex Cloud Labs to students to explore and implement
machine learning models. Thus there is no previous work
done in the domain as per our investigation.
3. METHODOLOGY
The approach involves training a Deep Learning model
that takes input as the machine parameters and gives the
baseline as output and also maximizes accuracy. To arrive
at an accurate model, we followed a scientific approach
towards optimizing a multi-variable problem involving
following steps.
3.1 Exploratory Data Analysis (EDA)
This is the process of developing an intuition of the input
dataset, analyzing the distribution of mean, median and
standard deviation of scores (in our case the baseline
scores of machine performance), and coming up with an
initial heuristics based model that provides some result
(which need not be accurate), but works within the
framework of existing models.
3.2 Data cleanup
Perhaps the most challenging and major portion of
developing a machine learning model is cleaning up the
input data set. Some studies show that more than 80% of
the work involving the development of Machine Learning
(Reference: 2), involves data cleanup. This is a critical and
often overlooked step, and is of utmost importance since
noise and invalid data will create model parameters that
have little to no correlation to the expected model. We
spent a significant amount of effort in data cleanup using
approaches we explain in the next section.
3.3 Model Fitting
Once we are confident that the dataset has been
sufficiently organized, it is now time to fit a model into our
data set. This requires that we split our dataset into test
© 2018, IRJET | Impact Factor value: 7.211 ISO 9001:2008 Certified Journal | Page 1640
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1641
set and training set and use the training set to generate a
model, and use the test set to measure the accuracy of our
model and fine tune its parameters if necessary. Models
used in predicting hardware performances are one hot
encoding using logistic regression, multi-linear regression
using label encoding, backward elimination, forward
selection and cross-validation.
4. IMPLEMENTATION OF THE DL MODEL
Jupyter notebook, Numpy, Pandas, Sklearn Package and
Python programming language are used to implement this
work. Implementation of deep learning project is done as
follows:
 Data pre-processing (Clean-up, Encoding, Feature
analysis)
 Changing test and training data size
 Algorithm selection & model experimentation (Linear
Regression, Lasso, Logistic etc.)
 Model tuning
 Experiment with Cross validation, Backward
elimination, Forward selection.
 Experimenting with different permutation of above
mentioned factors.
In the area of data analysis, we explored the relationship
between various parameters like hardware, vendor,
system, num_cores, num_chips, processes, num_of_cores
per_chip, auto parallelization, num_of_threads_per_core,
cpu-orderable, processor characteristics, base pointer size,
peak pointer size, first level cache, second level cache,
other cache, memory, operating system, file system on
baseline score. As part of the data analysis we did lot of
research on the datasets and gained insight about the
extent of dependencies with respect to vendor (Figure
4.1), num_cores (Figure 4.2), system (Figure 4.3),
processor (Figure 4.4) and speed (Figure 4.4).
Fig - 4.1: Study on the distribution of different vendors
with respect to baseline score
Fig - 4.2: Study on the distribution of num_cores with
respect to baseline score
Fig - 4.3: Study on the distribution of system with respect
to baseline score
Fig - 4.4: Study on the distribution of processor with
respect to baseline score
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1642
Fig - 4.5: Study on the distribution of speed with respect to
baseline score
After implementation, we came up with the clarification
that, cross validation score is getting nearer to training
score with respect to number of datasets (Figure 4.6)
Chart-4.6: Result of cross validation score with respect to
training score
5. RESULTS
We explored different machine learning models such as,
multinomial regression, linear regression, logistic
regression, multi linear regression, multi linear lasso
regression and implemented them to preprocessed dataset
(preprocessing involves data cleaning, encoding dataset
using one hot encoding and label encoding) and also used
various machine learning algorithms like backward
elimination, forward selection (Figure 5.1) and found out
the different results which are mentioned below:
 Using Backward Elimination (all features- model
linear regression) – 80.82%
 Using Forward Selection (all features- model linear
regression) - 75.3%
 Using Cross Validation (only continuous feature- multi
linear regression) - 80.77%
 Using Cross Validation (only continuous feature- multi
linear lasso regression) -78.1%
 Multi Linear Regression (only continuous feature)-
77.64%.
 One Hot Encoding using Logistic Regression
(categorical & all continuous feature) – 50.8%
Fig-5.1: Results of models in predicting score
6. CONCLUSION
Key takeaways in this analysis of deep learning model for
predicting hardware performance are listed as follows:
 Data preprocessing is the main and very important
task when handling with more number of data in the
dataset.
 For Datasets that consists of numeric, alpha numeric
and strings, it is better to use label encoding and one
hot encoding to convert all the alpha numeric and
strings to numeric before passing on to the model. In
this project, both label and one hot encoding is used to
get the better results.
 It is always better to test with different regression
models to check the accuracy and compare the
performance. In this project, we have used linear
regression, logistic regression, multi linear lasso
regression.
 Backward elimination and forward selection helped in
getting good accuracy.
 Best accuracy can be achieved by using backward
elimination and linear regression model with encoding
the features.
ACKNOWLEDGEMENT
We would like to thank our Professor Ms. Vijayalakshmi
for her continuous guidance and encouragement extended
to me. We also like to express our sincere gratitude to the
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1643
department for the support and providing the necessary
materials.
REFERENCES
[1] Ould-Ahmed-Vall, E., Doshi, K. A., Yount, C., & Woodlee,
J. (2008). Characterization of SPEC CPU2006 and SPEC
OMP2001
[2] https://www.ibm.com/blogs/bluemix/2017/08/ibm-
data-catalog-data-scientists-productivity/
[3] H. Shakouri |G.R. Nadimi | F.Ghaderi Year 2007: Fuzzy
linear regression models with absolute errors and
optimum uncertainity
[4] Li Zhang | Ruizhen Wu | Yintang Yang Year 2013: A
high-speed and low-power synchronous and
asynchronous packaging circuit based on standard
gates under four-phase one-hot encoding
[5] Fort Lee, N.J (Business Wire): ScaleMP February 22,
2016
https://www.businesswire.com/news/home/201602
22005378/en/ScaleMP-Ranks-No.-1-Standard-
Performance-Evaluation

More Related Content

What's hot

Table of Contents
Table of ContentsTable of Contents
Table of Contents
butest
 
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD Editor
 
International Journal of Computer Science and Security Volume (1) Issue (1)
International Journal of Computer Science and Security Volume (1) Issue (1)International Journal of Computer Science and Security Volume (1) Issue (1)
International Journal of Computer Science and Security Volume (1) Issue (1)
CSCJournals
 
June 2010 exam questions and answers
June 2010   exam questions and answersJune 2010   exam questions and answers
June 2010 exam questions and answers
DamonTauroa
 
Test case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testingTest case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testing
Journal Papers
 
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
ijaia
 
Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...
Journal Papers
 
Scenario $4$
Scenario $4$Scenario $4$
Scenario $4$
Jason121
 
Using Data Mining to Identify COSMIC Function Point Measurement Competence
Using Data Mining to Identify COSMIC Function Point Measurement Competence  Using Data Mining to Identify COSMIC Function Point Measurement Competence
Using Data Mining to Identify COSMIC Function Point Measurement Competence
IJECEIAES
 
AI-Driven Software Quality Assurance in the Age of DevOps
AI-Driven Software Quality Assurance in the Age of DevOpsAI-Driven Software Quality Assurance in the Age of DevOps
AI-Driven Software Quality Assurance in the Age of DevOps
Chakkrit (Kla) Tantithamthavorn
 

What's hot (17)

IRJET- Sketch-Verse: Sketch Image Inversion using DCNN
IRJET- Sketch-Verse: Sketch Image Inversion using DCNNIRJET- Sketch-Verse: Sketch Image Inversion using DCNN
IRJET- Sketch-Verse: Sketch Image Inversion using DCNN
 
50120130406033
5012013040603350120130406033
50120130406033
 
Table of Contents
Table of ContentsTable of Contents
Table of Contents
 
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
 
International Journal of Computer Science and Security Volume (1) Issue (1)
International Journal of Computer Science and Security Volume (1) Issue (1)International Journal of Computer Science and Security Volume (1) Issue (1)
International Journal of Computer Science and Security Volume (1) Issue (1)
 
Function Point Software Cost Estimates using Neuro-Fuzzy technique
Function Point Software Cost Estimates using Neuro-Fuzzy techniqueFunction Point Software Cost Estimates using Neuro-Fuzzy technique
Function Point Software Cost Estimates using Neuro-Fuzzy technique
 
June 2010 exam questions and answers
June 2010   exam questions and answersJune 2010   exam questions and answers
June 2010 exam questions and answers
 
Test case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testingTest case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testing
 
Clustering of Big Data Using Different Data-Mining Techniques
Clustering of Big Data Using Different Data-Mining TechniquesClustering of Big Data Using Different Data-Mining Techniques
Clustering of Big Data Using Different Data-Mining Techniques
 
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
 
Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...
 
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
 
Scenario $4$
Scenario $4$Scenario $4$
Scenario $4$
 
Using Data Mining to Identify COSMIC Function Point Measurement Competence
Using Data Mining to Identify COSMIC Function Point Measurement Competence  Using Data Mining to Identify COSMIC Function Point Measurement Competence
Using Data Mining to Identify COSMIC Function Point Measurement Competence
 
AI-Driven Software Quality Assurance in the Age of DevOps
AI-Driven Software Quality Assurance in the Age of DevOpsAI-Driven Software Quality Assurance in the Age of DevOps
AI-Driven Software Quality Assurance in the Age of DevOps
 
IRJET- Software Bug Prediction using Machine Learning Approach
IRJET- Software Bug Prediction using Machine Learning ApproachIRJET- Software Bug Prediction using Machine Learning Approach
IRJET- Software Bug Prediction using Machine Learning Approach
 
Promise 2011: "An Iterative Semi-supervised Approach to Software Fault Predic...
Promise 2011: "An Iterative Semi-supervised Approach to Software Fault Predic...Promise 2011: "An Iterative Semi-supervised Approach to Software Fault Predic...
Promise 2011: "An Iterative Semi-supervised Approach to Software Fault Predic...
 

Similar to IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive

Performance prediction for software architectures
Performance prediction for software architecturesPerformance prediction for software architectures
Performance prediction for software architectures
Mr. Chanuwan
 
Performancepredictionforsoftwarearchitectures 100810045752-phpapp02
Performancepredictionforsoftwarearchitectures 100810045752-phpapp02Performancepredictionforsoftwarearchitectures 100810045752-phpapp02
Performancepredictionforsoftwarearchitectures 100810045752-phpapp02
NNfamily
 
Rachit Mishra_stock prediction_report
Rachit Mishra_stock prediction_reportRachit Mishra_stock prediction_report
Rachit Mishra_stock prediction_report
Rachit Mishra
 

Similar to IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive (20)

Email Spam Detection Using Machine Learning
Email Spam Detection Using Machine LearningEmail Spam Detection Using Machine Learning
Email Spam Detection Using Machine Learning
 
STOCK PRICE PREDICTION USING MACHINE LEARNING [RANDOM FOREST REGRESSION MODEL]
STOCK PRICE PREDICTION USING MACHINE LEARNING [RANDOM FOREST REGRESSION MODEL]STOCK PRICE PREDICTION USING MACHINE LEARNING [RANDOM FOREST REGRESSION MODEL]
STOCK PRICE PREDICTION USING MACHINE LEARNING [RANDOM FOREST REGRESSION MODEL]
 
Visualizing and Forecasting Stocks Using Machine Learning
Visualizing and Forecasting Stocks Using Machine LearningVisualizing and Forecasting Stocks Using Machine Learning
Visualizing and Forecasting Stocks Using Machine Learning
 
A Firefly based improved clustering algorithm
A Firefly based improved clustering algorithmA Firefly based improved clustering algorithm
A Firefly based improved clustering algorithm
 
IRJET- Automated CV Classification using Clustering Technique
IRJET- Automated CV Classification using Clustering TechniqueIRJET- Automated CV Classification using Clustering Technique
IRJET- Automated CV Classification using Clustering Technique
 
Recuriter Recommendation System
Recuriter Recommendation SystemRecuriter Recommendation System
Recuriter Recommendation System
 
IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease usi...
IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease usi...IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease usi...
IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease usi...
 
Benchmarking Techniques for Performance Analysis of Operating Systems and Pro...
Benchmarking Techniques for Performance Analysis of Operating Systems and Pro...Benchmarking Techniques for Performance Analysis of Operating Systems and Pro...
Benchmarking Techniques for Performance Analysis of Operating Systems and Pro...
 
Review of Existing Methods in K-means Clustering Algorithm
Review of Existing Methods in K-means Clustering AlgorithmReview of Existing Methods in K-means Clustering Algorithm
Review of Existing Methods in K-means Clustering Algorithm
 
IRJET- Automatic Object Sorting using Deep Learning
IRJET- Automatic Object Sorting using Deep LearningIRJET- Automatic Object Sorting using Deep Learning
IRJET- Automatic Object Sorting using Deep Learning
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
 
Performance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO Objects
Performance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO ObjectsPerformance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO Objects
Performance Evaluation of Fine-tuned Faster R-CNN on specific MS COCO Objects
 
Performance prediction for software architectures
Performance prediction for software architecturesPerformance prediction for software architectures
Performance prediction for software architectures
 
Performancepredictionforsoftwarearchitectures 100810045752-phpapp02
Performancepredictionforsoftwarearchitectures 100810045752-phpapp02Performancepredictionforsoftwarearchitectures 100810045752-phpapp02
Performancepredictionforsoftwarearchitectures 100810045752-phpapp02
 
IRJET- Semantic Analysis of Online Customer Queries
IRJET-  	  Semantic Analysis of Online Customer QueriesIRJET-  	  Semantic Analysis of Online Customer Queries
IRJET- Semantic Analysis of Online Customer Queries
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
 
IRJET- Machine Learning Techniques for Code Optimization
IRJET-  	  Machine Learning Techniques for Code OptimizationIRJET-  	  Machine Learning Techniques for Code Optimization
IRJET- Machine Learning Techniques for Code Optimization
 
Rachit Mishra_stock prediction_report
Rachit Mishra_stock prediction_reportRachit Mishra_stock prediction_report
Rachit Mishra_stock prediction_report
 
Handwritten Text Recognition Using Machine Learning
Handwritten Text Recognition Using Machine LearningHandwritten Text Recognition Using Machine Learning
Handwritten Text Recognition Using Machine Learning
 

More from IRJET Journal

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills KuwaitKuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
jaanualu31
 
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak HamilCara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Kandungan 087776558899
 
Query optimization and processing for advanced database systems
Query optimization and processing for advanced database systemsQuery optimization and processing for advanced database systems
Query optimization and processing for advanced database systems
meharikiros2
 
Hospital management system project report.pdf
Hospital management system project report.pdfHospital management system project report.pdf
Hospital management system project report.pdf
Kamal Acharya
 

Recently uploaded (20)

Basic Electronics for diploma students as per technical education Kerala Syll...
Basic Electronics for diploma students as per technical education Kerala Syll...Basic Electronics for diploma students as per technical education Kerala Syll...
Basic Electronics for diploma students as per technical education Kerala Syll...
 
Max. shear stress theory-Maximum Shear Stress Theory ​ Maximum Distortional ...
Max. shear stress theory-Maximum Shear Stress Theory ​  Maximum Distortional ...Max. shear stress theory-Maximum Shear Stress Theory ​  Maximum Distortional ...
Max. shear stress theory-Maximum Shear Stress Theory ​ Maximum Distortional ...
 
Post office management system project ..pdf
Post office management system project ..pdfPost office management system project ..pdf
Post office management system project ..pdf
 
PE 459 LECTURE 2- natural gas basic concepts and properties
PE 459 LECTURE 2- natural gas basic concepts and propertiesPE 459 LECTURE 2- natural gas basic concepts and properties
PE 459 LECTURE 2- natural gas basic concepts and properties
 
Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)
 
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills KuwaitKuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
 
UNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptxUNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptx
 
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak HamilCara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
 
Computer Graphics Introduction To Curves
Computer Graphics Introduction To CurvesComputer Graphics Introduction To Curves
Computer Graphics Introduction To Curves
 
Linux Systems Programming: Inter Process Communication (IPC) using Pipes
Linux Systems Programming: Inter Process Communication (IPC) using PipesLinux Systems Programming: Inter Process Communication (IPC) using Pipes
Linux Systems Programming: Inter Process Communication (IPC) using Pipes
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdf
 
School management system project Report.pdf
School management system project Report.pdfSchool management system project Report.pdf
School management system project Report.pdf
 
Augmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxAugmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptx
 
Introduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfIntroduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdf
 
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
 
Query optimization and processing for advanced database systems
Query optimization and processing for advanced database systemsQuery optimization and processing for advanced database systems
Query optimization and processing for advanced database systems
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
 
Hospital management system project report.pdf
Hospital management system project report.pdfHospital management system project report.pdf
Hospital management system project report.pdf
 
Electromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptxElectromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptx
 

IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 Deep Learning Model to Predict Hardware Performance Shrreenithi Srinivasan1, Avik Satrughana Nayak2 1BE Computer Science, Anna University, Chennai, India 2BE Computer Science, Biju Patnaik University, Bhubaneswar, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract – The goal of the project is to harvest the power of machine learning algorithms and come up with a novel approach towards predicting the best possible combination of hardware features for a computer system, (e.g. microprocessor/memory specs, Software specs etc.) such that the baseline and peak scores measured on a certain benchmark program (e.g. CINT 2006 of SPEC benchmark program) is maximized. The problem involves predictive analysis and optimization of hyper parameter for high accuracy output. The baseline score is the target value. The hardware features are the independent variables and the baseline is the dependent variable. Key Words: Multi Linear Regression, Pandas, Sklearn package, Backward Elimination, Cross Validation, Logistic Regression, One hot Encoding, Forward Selection. 1. INTRODUCTION An application that is able to predict hardware performance and analysis with Deep Learning (DL) algorithms, could drastically improve the performance/ cost curve of a system of machines. An analysis is needed to verify the result with these expectations. Doing it manually takes time and this void is filled by a model which predicts part of the analysis which is the performance that can be expected with a set of input configurations. Performing this type of analysis by hand can require a day or two to complete per benchmark. Thus a Machine Learning (ML) model is used to do robust analysis and predict results in a fraction of time. The Deep Learning model takes input data such as CPU type, frequency, number of cores, memory size and speed, flash or disk architecture, network configuration that correlates against the corresponding performance and system response. For this project, SPEC CPU 2006 and SPEC CPU 2017 (Reference: 1) will be selected from the PerfKitBenchmarker suite of industry standard cloud platform benchmarks. These two Spec benchmarks are the most popular performance tools in repository which will be downloaded to PostGresQl for Deep Learning analysis. It contains SPEC’s next-generation, industry-standardized CPU intensive suites for measuring and comparing intensive performance, stressing a system’s processor, memory subsystem and compiler. Once a Deep Learning model is chosen and fully implemented, it will have the ability to infer a score from a given hardware configuration or infer a hardware configuration from a given score. This Deep Learning model is used to infer a benchmark score given a hardware configuration. 2. RELATED WORK The Deep Learning project is a green field project given by Flex Cloud Labs to students to explore and implement machine learning models. Thus there is no previous work done in the domain as per our investigation. 3. METHODOLOGY The approach involves training a Deep Learning model that takes input as the machine parameters and gives the baseline as output and also maximizes accuracy. To arrive at an accurate model, we followed a scientific approach towards optimizing a multi-variable problem involving following steps. 3.1 Exploratory Data Analysis (EDA) This is the process of developing an intuition of the input dataset, analyzing the distribution of mean, median and standard deviation of scores (in our case the baseline scores of machine performance), and coming up with an initial heuristics based model that provides some result (which need not be accurate), but works within the framework of existing models. 3.2 Data cleanup Perhaps the most challenging and major portion of developing a machine learning model is cleaning up the input data set. Some studies show that more than 80% of the work involving the development of Machine Learning (Reference: 2), involves data cleanup. This is a critical and often overlooked step, and is of utmost importance since noise and invalid data will create model parameters that have little to no correlation to the expected model. We spent a significant amount of effort in data cleanup using approaches we explain in the next section. 3.3 Model Fitting Once we are confident that the dataset has been sufficiently organized, it is now time to fit a model into our data set. This requires that we split our dataset into test © 2018, IRJET | Impact Factor value: 7.211 ISO 9001:2008 Certified Journal | Page 1640
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1641 set and training set and use the training set to generate a model, and use the test set to measure the accuracy of our model and fine tune its parameters if necessary. Models used in predicting hardware performances are one hot encoding using logistic regression, multi-linear regression using label encoding, backward elimination, forward selection and cross-validation. 4. IMPLEMENTATION OF THE DL MODEL Jupyter notebook, Numpy, Pandas, Sklearn Package and Python programming language are used to implement this work. Implementation of deep learning project is done as follows:  Data pre-processing (Clean-up, Encoding, Feature analysis)  Changing test and training data size  Algorithm selection & model experimentation (Linear Regression, Lasso, Logistic etc.)  Model tuning  Experiment with Cross validation, Backward elimination, Forward selection.  Experimenting with different permutation of above mentioned factors. In the area of data analysis, we explored the relationship between various parameters like hardware, vendor, system, num_cores, num_chips, processes, num_of_cores per_chip, auto parallelization, num_of_threads_per_core, cpu-orderable, processor characteristics, base pointer size, peak pointer size, first level cache, second level cache, other cache, memory, operating system, file system on baseline score. As part of the data analysis we did lot of research on the datasets and gained insight about the extent of dependencies with respect to vendor (Figure 4.1), num_cores (Figure 4.2), system (Figure 4.3), processor (Figure 4.4) and speed (Figure 4.4). Fig - 4.1: Study on the distribution of different vendors with respect to baseline score Fig - 4.2: Study on the distribution of num_cores with respect to baseline score Fig - 4.3: Study on the distribution of system with respect to baseline score Fig - 4.4: Study on the distribution of processor with respect to baseline score
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1642 Fig - 4.5: Study on the distribution of speed with respect to baseline score After implementation, we came up with the clarification that, cross validation score is getting nearer to training score with respect to number of datasets (Figure 4.6) Chart-4.6: Result of cross validation score with respect to training score 5. RESULTS We explored different machine learning models such as, multinomial regression, linear regression, logistic regression, multi linear regression, multi linear lasso regression and implemented them to preprocessed dataset (preprocessing involves data cleaning, encoding dataset using one hot encoding and label encoding) and also used various machine learning algorithms like backward elimination, forward selection (Figure 5.1) and found out the different results which are mentioned below:  Using Backward Elimination (all features- model linear regression) – 80.82%  Using Forward Selection (all features- model linear regression) - 75.3%  Using Cross Validation (only continuous feature- multi linear regression) - 80.77%  Using Cross Validation (only continuous feature- multi linear lasso regression) -78.1%  Multi Linear Regression (only continuous feature)- 77.64%.  One Hot Encoding using Logistic Regression (categorical & all continuous feature) – 50.8% Fig-5.1: Results of models in predicting score 6. CONCLUSION Key takeaways in this analysis of deep learning model for predicting hardware performance are listed as follows:  Data preprocessing is the main and very important task when handling with more number of data in the dataset.  For Datasets that consists of numeric, alpha numeric and strings, it is better to use label encoding and one hot encoding to convert all the alpha numeric and strings to numeric before passing on to the model. In this project, both label and one hot encoding is used to get the better results.  It is always better to test with different regression models to check the accuracy and compare the performance. In this project, we have used linear regression, logistic regression, multi linear lasso regression.  Backward elimination and forward selection helped in getting good accuracy.  Best accuracy can be achieved by using backward elimination and linear regression model with encoding the features. ACKNOWLEDGEMENT We would like to thank our Professor Ms. Vijayalakshmi for her continuous guidance and encouragement extended to me. We also like to express our sincere gratitude to the
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 08 | Aug 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1643 department for the support and providing the necessary materials. REFERENCES [1] Ould-Ahmed-Vall, E., Doshi, K. A., Yount, C., & Woodlee, J. (2008). Characterization of SPEC CPU2006 and SPEC OMP2001 [2] https://www.ibm.com/blogs/bluemix/2017/08/ibm- data-catalog-data-scientists-productivity/ [3] H. Shakouri |G.R. Nadimi | F.Ghaderi Year 2007: Fuzzy linear regression models with absolute errors and optimum uncertainity [4] Li Zhang | Ruizhen Wu | Yintang Yang Year 2013: A high-speed and low-power synchronous and asynchronous packaging circuit based on standard gates under four-phase one-hot encoding [5] Fort Lee, N.J (Business Wire): ScaleMP February 22, 2016 https://www.businesswire.com/news/home/201602 22005378/en/ScaleMP-Ranks-No.-1-Standard- Performance-Evaluation