SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 5370
Rice QA using Deep Learning
Aesha Ganatra1, Aakash Jadhav2
1Computer Engineering, Madhuben and Bhanubhai Patel Women Institute of Technology, Gujarat, India
2Computer Science and Engineering, MGM’s Jawaharlal Nehru Engineering College, Maharashtra, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - We predict Rice-Paddy quality by extracting
knowledge from custom trained model using Deep
Learning. In this paper, we scrape and parse Rice-paddy
quality checking system to overcome various faults in
traditional methods of quality analysis. We compare their
qualities in purity format as ratings. Few grams of Rice-
paddy chosen at random from a sack, is placed in front of a
camera which recognizes quality of rice for price
categorization.
1. INTRODUCTION
Industrial Factories converts Rice-paddy into actual Rice
but checks Paddy quality using Traditional methods
(Hand-held). This method cannot judge the right quality
analysis. We can predict it using Deep Learning. We build a
model using Google’s Tensorflow Object Detection API[5]
to determine Rice-Paddy rating based on various
classifications. In building our model, we use custom
tensorflow model which gives output as custom classifiers
are Pure, Impure and Partial Impure. The fresh rating is
given to the Pure with highest rating and a threshold of
80% have lowest ratings. Rice Mills can classify rice-paddy
into different qualities depending on their need to avoid
faults.
1. RELATED WORK
Several challenges has occurred while creating the dataset
of rice-paddy, we tackled it by using meaningful
information from an image. Literature Survey has given a
knowledge of making own dataset of rice-paddy at
industrial level. Our approach is to give efficient way of
classification task for predictive analysis which attempts
to get collective score for recommendation of rice-paddy.
This image classification network could be promising
framework for detecting specific feature that differentiate
image from each other. We classified our dataset using
new convolutional neural network called as Pascal VOC[1].
The bounding box is a rectangle drawn on the image which
tightly fits the object in the image. A bounding box exists
for every instance of every object in the image. For the
box, 4 numbers (center x, center y, width, height) are
predicted. This can be trained using a distance measure
between predicted and ground truth bounding box.
2. CLASSIFICATION AND REGRESSION
The bounding box is predicted using regression and the
class within the bounding box is predicted using
classification. The overview of the architecture is shown in
the following figure.
Fig -1: Architecture
3. METHOD
We have created our own dataset depending upon the
literature survey. We gathered thousand of images for
each classifier i.e. each object label. After creating dataset
we have labeled our dataset using online tools for labelling
an images. After labelling[5] an images, we have converted
it into csv format because of tensorflow[3] requirements.
CSV format is converted into tfrecord format(which is
actual for training the dataset which includes feature
points). Tfrecord[5] file are divided into two files as
train.record and test.record. Train.record is a file which
goes into tensorflow training purpose and test.record is
required for evaluation purpose. After the completion of
training, protocol buffer file is created by generating
inference graph using python. This graph file can be
implemented on android as well as web framework to
design user interface where a camera is used to detect the
object from trained tensorflow model.
4. APPROACH
The network used in this project is based on Single shot
detection (SSD).The SSD normally starts with a VGG [6]
model, which is converted to a fully convolutional
network. Then we attach some extra convolutional layers,
that help to handle bigger objects. The output at the VGG
network is a 38x38 feature map (conv4 3). The added
layers produce 19x19, 10x10, 5x5, 3x3, 1x1 feature maps.
All these feature maps are used for predicting bounding
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 5371
boxes at various scales (later layers responsible for larger
objects) as shown in following figure.
Fig -2: SSD Architecture
5. ALGORITHM AND IMAGE ANNOTATION
The PASCAL VOC[1] (pattern analysis, statistical modelling
and computational learning visual object classes) provides
standardized image data sets for object class recognition
and provides a common set of tools for accessing the data
sets and annotations. Our PASCAL VOC dataset includes 3
classes and has a challenge based on this dataset. The
PASCAL VOC dataset is of good quality and well-marked,
and enables evaluation and comparison of different
methods. And because the amount of data of the PASCAL
VOC dataset is small, compared to the imagenet dataset,
very suitable for researchers to test network programs.
Our dataset is also created based on the PASCAL VOC[1]
dataset standard as shown in following figure.
Fig -3: Image Annotation
Faster-RCNN is one of the most well known object
detection neural networks. It is also the basis for many
derived networks for segmentation, 3D object detection,
fusion of LIDAR point cloud with image, etc. An intuitive
deep understanding of how Faster-RCNN works can be
very useful[2].
The speed for Fast R-CNN training stage is 9 times
faster and the speed for test is 213 times faster. The speed
for Fast R-CNN training stage is 3 times faster than SPP-
net and the speed for test is 10 times faster, the accuracy
rate also have a certain increase
Fig -4: Faster RCNN
6. RESULT AND DISCUSSION
After training the images, the number and quality of the
dataset will affect the accuracy of the neural network
output, and the choice of neural network or the network
architecture[2] will also affect the accuracy. Deep learning
approaches[4] are increasing in their popularity every
day.
Deep learning provides fast and effective solutions
especially in the analysis of big data.
Fig -4: Tensorboard
In this study, a classification task was carried out on the
custom data set which we used in deep learning
applications. Tensorflow was used for this purpose.
Fig -5: Results
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 5372
Rice mill factories can use this system to check their
quality rice product.
7. CONCLUSION
An accurate and efficient object detection system has been
developed which achieves comparable metrics with the
existing state-of-the-art system. This project uses recent
techniques in the field of computer vision and deep
learning to detect Rice-paddy for industrial purpose.
Custom dataset was created and the evaluation was
consistent. This can be used in real-time applications
which require object detection for pre-processing in their
pipeline. An important scope would be to train the system
on a video sequence for usage in tracking applications.
Addition of a temporally consistent network would enable
smooth detection and more optimal than per-frame
detection.
REFERENCES
[1] M. Everingham, L. Van Gool, C. K. I. Williams, J. Winn,
and A. Zisserman. The PASCAL Visual Object Classes (VOC)
Challenge. IJCV, 2010.
[2] J. Schmidhuber, “Deep learning in neural networks: An
overview,” Neural Networks, vol. 61, pp. 85–117, Jan.
2015.
[3] R. Salakhutdinov and G. . Hinton, “Replicated softmax:
An undirected topic model,” Adv. Neural Inf. Process. Syst.
22 - Proc. 2009 Conf., pp. 1607–1614, 2009.
[4] M. Abadi et al., “TensorFlow: A System for Large-Scale
Machine Learning TensorFlow: A system for large-scale
machine learning,” in 12th USENIX Symposium on
Operating Systems Design and Implementation (OSDI ’16),
2016, pp. 265–284.
[5] Tensorflow Framework www.tensorflow.org
[6] R. Girshick. Fast R-CNN. arXiv:1504.08083, 2015.
[7] Daniel Stange, Introduction to train.record and
test.record, Medium blogs.
[8] Project URL
https://github.com/aeshaganatra/RiceTensorflow

More Related Content

What's hot

Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...
Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...
Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...
IDES Editor
 
Ieee gold 2010 resta
Ieee gold 2010 restaIeee gold 2010 resta
Ieee gold 2010 resta
grssieee
 
A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...
A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...
A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...
Databricks
 

What's hot (20)

Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...
 
IRJET- Surveillance of Object Motion Detection and Caution System using B...
IRJET-  	  Surveillance of Object Motion Detection and Caution System using B...IRJET-  	  Surveillance of Object Motion Detection and Caution System using B...
IRJET- Surveillance of Object Motion Detection and Caution System using B...
 
DYNAMIC NETWORK ANOMALY INTRUSION DETECTION USING MODIFIED SOM
DYNAMIC NETWORK ANOMALY INTRUSION DETECTION USING MODIFIED SOMDYNAMIC NETWORK ANOMALY INTRUSION DETECTION USING MODIFIED SOM
DYNAMIC NETWORK ANOMALY INTRUSION DETECTION USING MODIFIED SOM
 
Reversible Image Data Hiding with Contrast Enhancement
Reversible Image Data Hiding with Contrast EnhancementReversible Image Data Hiding with Contrast Enhancement
Reversible Image Data Hiding with Contrast Enhancement
 
IRJET- Exploring Image Super Resolution Techniques
IRJET- Exploring Image Super Resolution TechniquesIRJET- Exploring Image Super Resolution Techniques
IRJET- Exploring Image Super Resolution Techniques
 
IRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET- Automated Detection of Diabetic Retinopathy using Compressed SensingIRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
 
IRJET- Object Detection in an Image using Convolutional Neural Network
IRJET- Object Detection in an Image using Convolutional Neural NetworkIRJET- Object Detection in an Image using Convolutional Neural Network
IRJET- Object Detection in an Image using Convolutional Neural Network
 
A Hierarchical Feature Set optimization for effective code change based Defec...
A Hierarchical Feature Set optimization for effective code change based Defec...A Hierarchical Feature Set optimization for effective code change based Defec...
A Hierarchical Feature Set optimization for effective code change based Defec...
 
Minimum image disortion of reversible data hiding
Minimum image disortion of reversible data hidingMinimum image disortion of reversible data hiding
Minimum image disortion of reversible data hiding
 
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
IRJET- Displaying and Capturing Profile using Object Detection YOLO and Deepl...
 
Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...
Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...
Data Accuracy Models under Spatio - Temporal Correlation with Adaptive Strate...
 
IRJET- Comparative Analysis of Video Processing Object Detection
IRJET- Comparative Analysis of Video Processing Object DetectionIRJET- Comparative Analysis of Video Processing Object Detection
IRJET- Comparative Analysis of Video Processing Object Detection
 
Framework for Contextual Outlier Identification using Multivariate Analysis a...
Framework for Contextual Outlier Identification using Multivariate Analysis a...Framework for Contextual Outlier Identification using Multivariate Analysis a...
Framework for Contextual Outlier Identification using Multivariate Analysis a...
 
76201950
7620195076201950
76201950
 
A survey on Object Tracking Techniques in Wireless Sensor Network
A survey on Object Tracking Techniques in Wireless Sensor NetworkA survey on Object Tracking Techniques in Wireless Sensor Network
A survey on Object Tracking Techniques in Wireless Sensor Network
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
 
High performance intrusion detection using modified k mean & naïve bayes
High performance intrusion detection using modified k mean & naïve bayesHigh performance intrusion detection using modified k mean & naïve bayes
High performance intrusion detection using modified k mean & naïve bayes
 
Ieee gold 2010 resta
Ieee gold 2010 restaIeee gold 2010 resta
Ieee gold 2010 resta
 
A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...
A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...
A Distributed Deep Learning Approach for the Mitosis Detection from Big Medic...
 
Data Hiding Using Reversibly Designed Difference-Pair Method
Data Hiding Using Reversibly Designed Difference-Pair MethodData Hiding Using Reversibly Designed Difference-Pair Method
Data Hiding Using Reversibly Designed Difference-Pair Method
 

Similar to IRJET- Rice QA using Deep Learning

Similar to IRJET- Rice QA using Deep Learning (20)

USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGUSING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEM
 
Photo Editing And Sharing Web Application With AI- Assisted Features
Photo Editing And Sharing Web Application With AI- Assisted FeaturesPhoto Editing And Sharing Web Application With AI- Assisted Features
Photo Editing And Sharing Web Application With AI- Assisted Features
 
A Literature Survey on Image Linguistic Visual Question Answering
A Literature Survey on Image Linguistic Visual Question AnsweringA Literature Survey on Image Linguistic Visual Question Answering
A Literature Survey on Image Linguistic Visual Question Answering
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNING
 
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
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
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
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 
Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)
 
IRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind Assistance
 
Image Forgery / Tampering Detection Using Deep Learning and Cloud
Image Forgery / Tampering Detection Using Deep Learning and CloudImage Forgery / Tampering Detection Using Deep Learning and Cloud
Image Forgery / Tampering Detection Using Deep Learning and Cloud
 
A Literature Review on Vehicle Detection and Tracking in Aerial Image Sequenc...
A Literature Review on Vehicle Detection and Tracking in Aerial Image Sequenc...A Literature Review on Vehicle Detection and Tracking in Aerial Image Sequenc...
A Literature Review on Vehicle Detection and Tracking in Aerial Image Sequenc...
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.
 
IRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for Insurance
 
IRJET- Semantic Segmentation using Deep Learning
IRJET- Semantic Segmentation using Deep LearningIRJET- Semantic Segmentation using Deep Learning
IRJET- Semantic Segmentation using Deep Learning
 
Real Time Moving Object Detection for Day-Night Surveillance using AI
Real Time Moving Object Detection for Day-Night Surveillance using AIReal Time Moving Object Detection for Day-Night Surveillance using AI
Real Time Moving Object Detection for Day-Night Surveillance using AI
 
IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep 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

Hall booking system project report .pdf
Hall booking system project report  .pdfHall booking system project report  .pdf
Hall booking system project report .pdf
Kamal Acharya
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
Kamal Acharya
 
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
Kamal Acharya
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
Neometrix_Engineering_Pvt_Ltd
 
Laundry management system project report.pdf
Laundry management system project report.pdfLaundry management system project report.pdf
Laundry management system project report.pdf
Kamal Acharya
 

Recently uploaded (20)

Democratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek AryaDemocratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek Arya
 
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical EngineeringIntroduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.
 
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and ClusteringKIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
 
Electrostatic field in a coaxial transmission line
Electrostatic field in a coaxial transmission lineElectrostatic field in a coaxial transmission line
Electrostatic field in a coaxial transmission line
 
Event Management System Vb Net Project Report.pdf
Event Management System Vb Net  Project Report.pdfEvent Management System Vb Net  Project Report.pdf
Event Management System Vb Net Project Report.pdf
 
Top 13 Famous Civil Engineering Scientist
Top 13 Famous Civil Engineering ScientistTop 13 Famous Civil Engineering Scientist
Top 13 Famous Civil Engineering Scientist
 
Hall booking system project report .pdf
Hall booking system project report  .pdfHall booking system project report  .pdf
Hall booking system project report .pdf
 
Furniture showroom management system project.pdf
Furniture showroom management system project.pdfFurniture showroom management system project.pdf
Furniture showroom management system project.pdf
 
ONLINE CAR SERVICING SYSTEM PROJECT REPORT.pdf
ONLINE CAR SERVICING SYSTEM PROJECT REPORT.pdfONLINE CAR SERVICING SYSTEM PROJECT REPORT.pdf
ONLINE CAR SERVICING SYSTEM PROJECT REPORT.pdf
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
 
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
 
NO1 Pandit Black Magic Removal in Uk kala jadu Specialist kala jadu for Love ...
NO1 Pandit Black Magic Removal in Uk kala jadu Specialist kala jadu for Love ...NO1 Pandit Black Magic Removal in Uk kala jadu Specialist kala jadu for Love ...
NO1 Pandit Black Magic Removal in Uk kala jadu Specialist kala jadu for Love ...
 
A case study of cinema management system project report..pdf
A case study of cinema management system project report..pdfA case study of cinema management system project report..pdf
A case study of cinema management system project report..pdf
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
 
Peek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdfPeek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdf
 
Natalia Rutkowska - BIM School Course in Kraków
Natalia Rutkowska - BIM School Course in KrakówNatalia Rutkowska - BIM School Course in Kraków
Natalia Rutkowska - BIM School Course in Kraków
 
Halogenation process of chemical process industries
Halogenation process of chemical process industriesHalogenation process of chemical process industries
Halogenation process of chemical process industries
 
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdfRESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
 
Laundry management system project report.pdf
Laundry management system project report.pdfLaundry management system project report.pdf
Laundry management system project report.pdf
 

IRJET- Rice QA using Deep Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 5370 Rice QA using Deep Learning Aesha Ganatra1, Aakash Jadhav2 1Computer Engineering, Madhuben and Bhanubhai Patel Women Institute of Technology, Gujarat, India 2Computer Science and Engineering, MGM’s Jawaharlal Nehru Engineering College, Maharashtra, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - We predict Rice-Paddy quality by extracting knowledge from custom trained model using Deep Learning. In this paper, we scrape and parse Rice-paddy quality checking system to overcome various faults in traditional methods of quality analysis. We compare their qualities in purity format as ratings. Few grams of Rice- paddy chosen at random from a sack, is placed in front of a camera which recognizes quality of rice for price categorization. 1. INTRODUCTION Industrial Factories converts Rice-paddy into actual Rice but checks Paddy quality using Traditional methods (Hand-held). This method cannot judge the right quality analysis. We can predict it using Deep Learning. We build a model using Google’s Tensorflow Object Detection API[5] to determine Rice-Paddy rating based on various classifications. In building our model, we use custom tensorflow model which gives output as custom classifiers are Pure, Impure and Partial Impure. The fresh rating is given to the Pure with highest rating and a threshold of 80% have lowest ratings. Rice Mills can classify rice-paddy into different qualities depending on their need to avoid faults. 1. RELATED WORK Several challenges has occurred while creating the dataset of rice-paddy, we tackled it by using meaningful information from an image. Literature Survey has given a knowledge of making own dataset of rice-paddy at industrial level. Our approach is to give efficient way of classification task for predictive analysis which attempts to get collective score for recommendation of rice-paddy. This image classification network could be promising framework for detecting specific feature that differentiate image from each other. We classified our dataset using new convolutional neural network called as Pascal VOC[1]. The bounding box is a rectangle drawn on the image which tightly fits the object in the image. A bounding box exists for every instance of every object in the image. For the box, 4 numbers (center x, center y, width, height) are predicted. This can be trained using a distance measure between predicted and ground truth bounding box. 2. CLASSIFICATION AND REGRESSION The bounding box is predicted using regression and the class within the bounding box is predicted using classification. The overview of the architecture is shown in the following figure. Fig -1: Architecture 3. METHOD We have created our own dataset depending upon the literature survey. We gathered thousand of images for each classifier i.e. each object label. After creating dataset we have labeled our dataset using online tools for labelling an images. After labelling[5] an images, we have converted it into csv format because of tensorflow[3] requirements. CSV format is converted into tfrecord format(which is actual for training the dataset which includes feature points). Tfrecord[5] file are divided into two files as train.record and test.record. Train.record is a file which goes into tensorflow training purpose and test.record is required for evaluation purpose. After the completion of training, protocol buffer file is created by generating inference graph using python. This graph file can be implemented on android as well as web framework to design user interface where a camera is used to detect the object from trained tensorflow model. 4. APPROACH The network used in this project is based on Single shot detection (SSD).The SSD normally starts with a VGG [6] model, which is converted to a fully convolutional network. Then we attach some extra convolutional layers, that help to handle bigger objects. The output at the VGG network is a 38x38 feature map (conv4 3). The added layers produce 19x19, 10x10, 5x5, 3x3, 1x1 feature maps. All these feature maps are used for predicting bounding
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 5371 boxes at various scales (later layers responsible for larger objects) as shown in following figure. Fig -2: SSD Architecture 5. ALGORITHM AND IMAGE ANNOTATION The PASCAL VOC[1] (pattern analysis, statistical modelling and computational learning visual object classes) provides standardized image data sets for object class recognition and provides a common set of tools for accessing the data sets and annotations. Our PASCAL VOC dataset includes 3 classes and has a challenge based on this dataset. The PASCAL VOC dataset is of good quality and well-marked, and enables evaluation and comparison of different methods. And because the amount of data of the PASCAL VOC dataset is small, compared to the imagenet dataset, very suitable for researchers to test network programs. Our dataset is also created based on the PASCAL VOC[1] dataset standard as shown in following figure. Fig -3: Image Annotation Faster-RCNN is one of the most well known object detection neural networks. It is also the basis for many derived networks for segmentation, 3D object detection, fusion of LIDAR point cloud with image, etc. An intuitive deep understanding of how Faster-RCNN works can be very useful[2]. The speed for Fast R-CNN training stage is 9 times faster and the speed for test is 213 times faster. The speed for Fast R-CNN training stage is 3 times faster than SPP- net and the speed for test is 10 times faster, the accuracy rate also have a certain increase Fig -4: Faster RCNN 6. RESULT AND DISCUSSION After training the images, the number and quality of the dataset will affect the accuracy of the neural network output, and the choice of neural network or the network architecture[2] will also affect the accuracy. Deep learning approaches[4] are increasing in their popularity every day. Deep learning provides fast and effective solutions especially in the analysis of big data. Fig -4: Tensorboard In this study, a classification task was carried out on the custom data set which we used in deep learning applications. Tensorflow was used for this purpose. Fig -5: Results
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 5372 Rice mill factories can use this system to check their quality rice product. 7. CONCLUSION An accurate and efficient object detection system has been developed which achieves comparable metrics with the existing state-of-the-art system. This project uses recent techniques in the field of computer vision and deep learning to detect Rice-paddy for industrial purpose. Custom dataset was created and the evaluation was consistent. This can be used in real-time applications which require object detection for pre-processing in their pipeline. An important scope would be to train the system on a video sequence for usage in tracking applications. Addition of a temporally consistent network would enable smooth detection and more optimal than per-frame detection. REFERENCES [1] M. Everingham, L. Van Gool, C. K. I. Williams, J. Winn, and A. Zisserman. The PASCAL Visual Object Classes (VOC) Challenge. IJCV, 2010. [2] J. Schmidhuber, “Deep learning in neural networks: An overview,” Neural Networks, vol. 61, pp. 85–117, Jan. 2015. [3] R. Salakhutdinov and G. . Hinton, “Replicated softmax: An undirected topic model,” Adv. Neural Inf. Process. Syst. 22 - Proc. 2009 Conf., pp. 1607–1614, 2009. [4] M. Abadi et al., “TensorFlow: A System for Large-Scale Machine Learning TensorFlow: A system for large-scale machine learning,” in 12th USENIX Symposium on Operating Systems Design and Implementation (OSDI ’16), 2016, pp. 265–284. [5] Tensorflow Framework www.tensorflow.org [6] R. Girshick. Fast R-CNN. arXiv:1504.08083, 2015. [7] Daniel Stange, Introduction to train.record and test.record, Medium blogs. [8] Project URL https://github.com/aeshaganatra/RiceTensorflow