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 7154
EXTENSION TO VISUAL INFORMATION NARRATOR USING NEURAL
NETWORK
Shantanu S Suryawanshi, Rushikesh M Vaidya, Akshay V Patil, Prashant A Kale(Guide)
Students of BE Computer, Late.G.N.Sapkal College of Engineering, Trimbakeshwar, Nashik
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Their were many advancements in Deep
Learning based Machine Translation and Computer Vision
which have led to excellent Image Captioning models using
advanced techniques like Deep Reinforcement Learning and
many more. While these models are very accurate, but these
models need an expensive high configuration hardware
which make it difficult to apply these models in real time
scenarios, So we have developed an Android application
which can run reliably on an inexpensive hardware i.e the
low end hardwares such as hand-held devices like
smartphones which operate on Android Operating System
which will be helpful for Visually Impaired Peoples to
visualize their surrounding using our application .We have
also compared our results evaluated using various
hardware systems such as CPU and GPU with our models
and analyze the difference between computation speed and
quality. Our model is trained on FLICKR dataset using an
TensorFlow framework by Google, we have implemented
this Android application to demonstrate the real time
applicability and optimizations for the sake of Visually
Impaired Peoples.
Keywords: Tensorflow, CNN, Text-to-speech, LSTM,
Natural Language Generation
1. INTRODUCTION
Being able to automatically describe the content of an
image using properly formed English sentences is a very
challenging task, but it could have great impact, for
instance by helping visually impaired people better
understand the content of images on the web. This task is
significantly harder, for example, than the well-studied
image classification or object recognition tasks, which
have been a main focus in the computer vision community.
Indeed, a description must capture not only the objects
contained in an image, but it also must express how these
objects relate to each other as well as their attributes and
the activities they are involved in. Moreover, the above
semantic knowledge has to be expressed in a natural
language like English, which means that a language model
is needed in addition to visual understanding.
2. LITERATURE SURVEY
2.1 Generating image descriptions using
dependency relational patterns
Published year : 2016
Author : Ahmet Aker
This paper presents a novel approach to
automatic captioning of geotagged images by
summarizing multiple web documents that
contain information related to an images location.
The summarizer is biased by dependency pattern
models towards sentences which contain features
typically provided for different scene types such
as those of churches, bridges, etc. Our results
show that summaries biased by dependency
pattern models lead to significantly higher ROUGE
scores than both n-gram language models
reported in previous work and also Wikipedia
baseline summaries. Summaries generated using
dependency patterns also lead to more readable
summaries than those generated without
dependency patterns.
2.2 Neural machine translation by jointly learning
to align and translate
Published year : 2015
Author : Dzmitry Bahdanau
Neural machine translation is a recently proposed
approach to machine translation. Unlike the
traditional statistical machine translation, the
neural machine translation aims at building a
single neural network that can be jointly tuned to
maximize the translation performance. The
models proposed recently for neural machine
translation often belong to a family of encoder
decoders and encode a source sentence into a
fixed-length vector from which a decoder
generates a translation. In this paper, we
conjecture that the use of a fixed-length vector is a
bottleneck in improving the performance of this
basic encoder decoder architecture, and propose
to extend this by allowing a model to
automatically (soft-)search for parts of a source
sentence that are relevant to predicting a target
word, without having to form these parts as a
hard segment explicitly. With this new approach,
we achieve a translation performance comparable
to the existing state-of-the-art phrase-based
system on the task of English-to-French
translation. Furthermore, qualitative analysis
reveals that the (soft-)alignments found by the
model agree well with our intuition.
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 7155
2.3 Learning phrase representations using RNN
encoder-decoder for statistical machine
translation
Published year : 2018
Author : Kyunghyun Cho
In this paper, we propose a novel neural network
model called RNN Encoder Decoder that consists of
two recurrent neural networks (RNN). One RNN
encodes a sequence of symbols into a fixed length
vector representation, and the other decodes the
representation into another sequence of symbols. The
encoder and decoder of the proposed model are
jointly trained to maximize the conditional probability
of a target sequence given a source sequence. The
performance of a statistical machine translation
system is empirically found to improve by using the
conditional probabilities of phrase pairs computed by
the RNN Encoder Decoder as an additional feature in
the existing log-linear model. Qualitatively, we show
that the proposed model learns a semantically and
syntactically meaningful representation of linguistic
phrases.
3. SYSTEM ARCHITECTURE
Fig-1: General System Architecture
• Input Image: It is the actual nature which we want to
view.
• Convolutional Feature Extraction:In CNN model the
features are extracted from the input image.
• RNN: In RNN model the extracted features from CNN we
generate actual textual output.
4. METHODOLOGY
4.1 Tensorflow
TensorFlow is an open-source software library for
dataflow programming across a range of tasks. It is a
symbolic math library, and is also used for machine
learning applications such as neural networks.It is used
for both research and production at Google. TensorFlow
was developed by the Google Brain team for internal
Google use. It was released under the Apache 2.0 open-
source license on November 9, 2015.
4.2 Imagenet inception-v4
Very deep convolutional networks have been central to
the largest advances in image recognition performance in
recent years. One example is the Inception architecture
that has been shown to achieve very good performance at
relatively low computational cost. Recently, the
introduction of residual connections in conjunction with a
more traditional architecture has yielded state-of-the-art
performance in the 2015 ILSVRC challenge; its
performance was similar to the latest generation
Inceptionv3 network. This raises the question of whether
there are any benefit in combining the Inception
architecture with residual connections.
4.3 VGG
VGG Netis a neural network that performed very well in
the Imagenet Large Scale Visual Recognition
Challenge(ILSVRC) in 2014. It scored first place on the
image localization task and second place on the image
classification task. Localization is finding wherein the
image a certain object is, described by a bounding box.
Classification is describing what the object in the image is.
This predicts a category label, such as cat or bookcase.
Image Netis a huge database of images for academic
researchers. Every year the people who run ImageNet host
an image recognition competition. The goal is to write a
piece of software these days usually a neural network of
some kind that can correctly predict the category for a set
of test images. Of course, the correct categories are known
only to the contest organizers.
4.3 ConvNets
Convolutional networks (ConvNets) currently set the state
of the art in visual recognition. The aim of this project is to
investigate how the ConvNet depth affects their accuracy
in the large-scale image recognition setting.
5 CNN
In deep learning, a convolutional neural network (CNN, or
ConvNet) is a class of deep neural networks, most
commonly applied to analyzing visual imagery. CNNs are
regularized versions of multilayer perceptrons. Multilayer
perceptrons usually refer to fully connected networks, that
is, each neuron in one layer is connected to all neurons in
the next layer. Typical ways of regularization includes
adding some form of magnitude measurement of weights
to the loss function. However, CNNs take a different
approach towards regularization: they take advantage of
the hierarchical pattern in data and assemble more
complex patterns using smaller and simpler patterns.
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 7156
CNNs use relatively little pre-processing compared to
other image classification algorithms. This means that the
network learns the filters that in traditional algorithms
were hand-engineered. This independence from prior
knowledge and human effort in feature design is a major
advantage.
5. ARCHITECTURE
Our Model works on encoder-decoder neural network. It
works by first "encoding" an image into a fixed-length
vector representation, and then "decoding" the
representation into a natural language description. The
image encoder is a deep convolutional neural network.
This type of network is widely used for image tasks and is
currently state-of-the-art for object recognition and
detection. Our particular choice of network is the
Inception v4 image recognition pretrained model.
The decoder is a long short-term memory (LSTM)
network. This type of network is commonly used for
sequence modeling tasks such as language modeling and
machine translation. In the Show and Tell model, the LSTM
network is trained as a language model conditioned on the
image encoding. Words in the generated text are
represented with an embedding model. Each word in the
vocabulary is associated with a fixed-length vector
representation that is learned during training.
The following diagram illustrates the model architecture.
Fig-2: System Architecture
In this diagram, {s0, s1, ..., sN-1} are the words of the text
and {wes0, wes1, ..., wesN-1} are their corresponding
word embedding vectors. The outputs {p1, p2, ..., pN} of
the LSTM are probability distributions generated by the
model for the next word in the sentence. The terms {log
p1(s1), log p2(s2), ..., log pN(sN)} are the log-likelihoods of
the correct word at each step; the negated sum of these
terms is the minimization objective of the model.
During the first phase of training the parameters of the
Inception v4 model are kept fixed: it is simply a static
image encoder function. A single trainable layer is added
on top of the Inception v4 model to transform the image
embedding into the word embedding vector space. The
model is trained with respect to the parameters of the
word embeddings, the parameters of the layer on top of
Inception v4 and the parameters of the LSTM. In the
second phase of training, all parameters - including the
parameters of Inception v4 - are trained to jointly fine-
tune the image encoder and the LSTM.
Given a trained model and an image we use beam search
to generate text for that image. Text are generated word-
by-word, where at each step t we use the set of sentences
already generated with length t - 1 to generate a new set of
sentences with length t.
This way we generate our text.
6. Conclusion
From this project we have made an Android application
using Convolutional Neural Network and Natural
Language Processing (Text-to-speech) for the sake of
Visually Impaired People in order to visualise them their
surroundings just by pointing their mobile device to get
information using Narration Form
REFERENCES
[1] A. Aker and R. Gaizauskas. Generating image
descriptions using dependency relational patterns. In
ACL, 2010.
[2] D. Bahdanau, K. Cho, and Y. Bengio. Neural machine
translation by jointly learning to align and translate.
arXiv:1409.0473, 2014.
[3] K. Cho, B. van Merrienboer, C. Gulcehre, F. Bougares,
H. Schwenk, and Y. Bengio. Learning phrase
representations using RNN encoder-decoder for
statistical machine translation. In EMNLP, 2014
[4] Pranay Mathur, Aman Gill, Ayush Yadav, Anurag
Mishra and Nand Kumar Bansode. A real time image
to caption generator, 2017
[5] D. Elliott and F. Keller. Image description using visual
dependency representations. In EMNLP, 2013.

More Related Content

What's hot

Neural Network Algorithm for Radar Signal Recognition
Neural Network Algorithm for Radar Signal RecognitionNeural Network Algorithm for Radar Signal Recognition
Neural Network Algorithm for Radar Signal Recognition
IJERA Editor
 
IRJET - Gender Recognition from Facial Images
IRJET - Gender Recognition from Facial ImagesIRJET - Gender Recognition from Facial Images
IRJET - Gender Recognition from Facial Images
IRJET Journal
 
G017444651
G017444651G017444651
G017444651
IOSR Journals
 
Bridging the Pervasive Computing Gap: An Aggregate Perspective
Bridging the Pervasive Computing Gap: An Aggregate PerspectiveBridging the Pervasive Computing Gap: An Aggregate Perspective
Bridging the Pervasive Computing Gap: An Aggregate Perspective
Roberto Casadei
 
Hierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classificationHierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classification
csandit
 
Fashion AI Literature
Fashion AI LiteratureFashion AI Literature
Fashion AI Literature
ijtsrd
 
IRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural NetworkIRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET Journal
 
Aggregate Computing Platforms: Bridging the Gaps
Aggregate Computing Platforms: Bridging the GapsAggregate Computing Platforms: Bridging the Gaps
Aggregate Computing Platforms: Bridging the Gaps
Roberto Casadei
 
A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...
A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...
A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...
IJERA Editor
 
A novel cryptographic technique that emphasis visual quality and efficieny by...
A novel cryptographic technique that emphasis visual quality and efficieny by...A novel cryptographic technique that emphasis visual quality and efficieny by...
A novel cryptographic technique that emphasis visual quality and efficieny by...
eSAT Journals
 
Toward Transparent Coexistence for Multihop Secondary Cognitive Radio Networks
Toward Transparent Coexistence for Multihop Secondary Cognitive Radio NetworksToward Transparent Coexistence for Multihop Secondary Cognitive Radio Networks
Toward Transparent Coexistence for Multihop Secondary Cognitive Radio Networks
kitechsolutions
 
IEEE MultiMedia 2016 Title and Abstract
IEEE MultiMedia 2016 Title and AbstractIEEE MultiMedia 2016 Title and Abstract
IEEE MultiMedia 2016 Title and Abstract
tsysglobalsolutions
 
IRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten CharactersIRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten Characters
IRJET Journal
 
PointNet
PointNetPointNet
A survey on power- efficient Forward Error Correction scheme for Wireless Sen...
A survey on power- efficient Forward Error Correction scheme for Wireless Sen...A survey on power- efficient Forward Error Correction scheme for Wireless Sen...
A survey on power- efficient Forward Error Correction scheme for Wireless Sen...
dbpublications
 
Recent articles published in VLSI design & Communication Systems
 Recent articles published in VLSI design & Communication Systems Recent articles published in VLSI design & Communication Systems
Recent articles published in VLSI design & Communication Systems
VLSICS Design
 
Robust Malware Detection using Residual Attention Network
Robust Malware Detection using Residual Attention NetworkRobust Malware Detection using Residual Attention Network
Robust Malware Detection using Residual Attention Network
Shamika Ganesan
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
Tunde Ajose-Ismail
 

What's hot (20)

Neural Network Algorithm for Radar Signal Recognition
Neural Network Algorithm for Radar Signal RecognitionNeural Network Algorithm for Radar Signal Recognition
Neural Network Algorithm for Radar Signal Recognition
 
IRJET - Gender Recognition from Facial Images
IRJET - Gender Recognition from Facial ImagesIRJET - Gender Recognition from Facial Images
IRJET - Gender Recognition from Facial Images
 
G017444651
G017444651G017444651
G017444651
 
Bridging the Pervasive Computing Gap: An Aggregate Perspective
Bridging the Pervasive Computing Gap: An Aggregate PerspectiveBridging the Pervasive Computing Gap: An Aggregate Perspective
Bridging the Pervasive Computing Gap: An Aggregate Perspective
 
Hierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classificationHierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classification
 
Fashion AI Literature
Fashion AI LiteratureFashion AI Literature
Fashion AI Literature
 
IRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural NetworkIRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural Network
 
Revanth Vemulapalli_pdf
Revanth Vemulapalli_pdfRevanth Vemulapalli_pdf
Revanth Vemulapalli_pdf
 
Aggregate Computing Platforms: Bridging the Gaps
Aggregate Computing Platforms: Bridging the GapsAggregate Computing Platforms: Bridging the Gaps
Aggregate Computing Platforms: Bridging the Gaps
 
A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...
A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...
A Novel Algorithm on Wavelet Based Robust Invisible Digital Image Watermarkin...
 
A novel cryptographic technique that emphasis visual quality and efficieny by...
A novel cryptographic technique that emphasis visual quality and efficieny by...A novel cryptographic technique that emphasis visual quality and efficieny by...
A novel cryptographic technique that emphasis visual quality and efficieny by...
 
Toward Transparent Coexistence for Multihop Secondary Cognitive Radio Networks
Toward Transparent Coexistence for Multihop Secondary Cognitive Radio NetworksToward Transparent Coexistence for Multihop Secondary Cognitive Radio Networks
Toward Transparent Coexistence for Multihop Secondary Cognitive Radio Networks
 
Mangesh_kothule_resume
Mangesh_kothule_resumeMangesh_kothule_resume
Mangesh_kothule_resume
 
IEEE MultiMedia 2016 Title and Abstract
IEEE MultiMedia 2016 Title and AbstractIEEE MultiMedia 2016 Title and Abstract
IEEE MultiMedia 2016 Title and Abstract
 
IRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten CharactersIRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten Characters
 
PointNet
PointNetPointNet
PointNet
 
A survey on power- efficient Forward Error Correction scheme for Wireless Sen...
A survey on power- efficient Forward Error Correction scheme for Wireless Sen...A survey on power- efficient Forward Error Correction scheme for Wireless Sen...
A survey on power- efficient Forward Error Correction scheme for Wireless Sen...
 
Recent articles published in VLSI design & Communication Systems
 Recent articles published in VLSI design & Communication Systems Recent articles published in VLSI design & Communication Systems
Recent articles published in VLSI design & Communication Systems
 
Robust Malware Detection using Residual Attention Network
Robust Malware Detection using Residual Attention NetworkRobust Malware Detection using Residual Attention Network
Robust Malware Detection using Residual Attention Network
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
 

Similar to IRJET- Extension to Visual Information Narrator using Neural Network

Transformer models for FER
Transformer models for FERTransformer models for FER
Transformer models for FER
IRJET Journal
 
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 Journal
 
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
dbpublications
 
Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNN
IRJET Journal
 
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
IRJET Journal
 
Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...
Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...
Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...
IRJET Journal
 
Automatic Grading of Handwritten Answers
Automatic Grading of Handwritten AnswersAutomatic Grading of Handwritten Answers
Automatic Grading of Handwritten Answers
IRJET Journal
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
IRJET Journal
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
IRJET Journal
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IRJET Journal
 
IRJET- Capsearch - An Image Caption Generation Based Search
IRJET- Capsearch - An Image Caption Generation Based SearchIRJET- Capsearch - An Image Caption Generation Based Search
IRJET- Capsearch - An Image Caption Generation Based Search
IRJET Journal
 
REVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNNREVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNN
IRJET Journal
 
IRJET- Neural Network based Script Recognition using Wavelet Features: An App...
IRJET- Neural Network based Script Recognition using Wavelet Features: An App...IRJET- Neural Network based Script Recognition using Wavelet Features: An App...
IRJET- Neural Network based Script Recognition using Wavelet Features: An App...
IRJET Journal
 
A VNF modeling approach for verification purposes
A VNF modeling approach for verification purposesA VNF modeling approach for verification purposes
A VNF modeling approach for verification purposes
IJECEIAES
 
IRJET- Face Recognition using Landmark Estimation and Convolution Neural Network
IRJET- Face Recognition using Landmark Estimation and Convolution Neural NetworkIRJET- Face Recognition using Landmark Estimation and Convolution Neural Network
IRJET- Face Recognition using Landmark Estimation and Convolution Neural Network
IRJET Journal
 
Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)
IRJET Journal
 
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDSFACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
IRJET Journal
 
Gesture Recognition System using Computer Vision
Gesture Recognition System using Computer VisionGesture Recognition System using Computer Vision
Gesture Recognition System using Computer Vision
IRJET Journal
 
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Sharmila Sathish
 
Analysis of programming aspects of wireless sensor networks
Analysis of programming aspects of wireless sensor networksAnalysis of programming aspects of wireless sensor networks
Analysis of programming aspects of wireless sensor networksiaemedu
 

Similar to IRJET- Extension to Visual Information Narrator using Neural Network (20)

Transformer models for FER
Transformer models for FERTransformer models for FER
Transformer models for FER
 
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
 
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
 
Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNN
 
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
 
Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...
Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...
Prediction of Wireless Sensor Network and Attack using Machine Learning Techn...
 
Automatic Grading of Handwritten Answers
Automatic Grading of Handwritten AnswersAutomatic Grading of Handwritten Answers
Automatic Grading of Handwritten Answers
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
IRJET- Capsearch - An Image Caption Generation Based Search
IRJET- Capsearch - An Image Caption Generation Based SearchIRJET- Capsearch - An Image Caption Generation Based Search
IRJET- Capsearch - An Image Caption Generation Based Search
 
REVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNNREVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNN
 
IRJET- Neural Network based Script Recognition using Wavelet Features: An App...
IRJET- Neural Network based Script Recognition using Wavelet Features: An App...IRJET- Neural Network based Script Recognition using Wavelet Features: An App...
IRJET- Neural Network based Script Recognition using Wavelet Features: An App...
 
A VNF modeling approach for verification purposes
A VNF modeling approach for verification purposesA VNF modeling approach for verification purposes
A VNF modeling approach for verification purposes
 
IRJET- Face Recognition using Landmark Estimation and Convolution Neural Network
IRJET- Face Recognition using Landmark Estimation and Convolution Neural NetworkIRJET- Face Recognition using Landmark Estimation and Convolution Neural Network
IRJET- Face Recognition using Landmark Estimation and Convolution Neural Network
 
Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)
 
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDSFACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
 
Gesture Recognition System using Computer Vision
Gesture Recognition System using Computer VisionGesture Recognition System using Computer Vision
Gesture Recognition System using Computer Vision
 
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
 
Analysis of programming aspects of wireless sensor networks
Analysis of programming aspects of wireless sensor networksAnalysis of programming aspects of wireless sensor networks
Analysis of programming aspects of wireless sensor networks
 

More from IRJET Journal

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...
IRJET Journal
 
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
IRJET Journal
 
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...
IRJET Journal
 
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
IRJET Journal
 
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...
IRJET Journal
 
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-...
IRJET Journal
 
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...
IRJET Journal
 
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...
IRJET Journal
 
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
IRJET Journal
 
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,...
IRJET Journal
 
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
IRJET Journal
 
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...
IRJET Journal
 
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
IRJET Journal
 
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
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
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 ...
IRJET Journal
 
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.
IRJET Journal
 
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...
IRJET Journal
 
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
IRJET Journal
 
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...
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

一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
bakpo1
 
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSETECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
DuvanRamosGarzon1
 
ethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.pptethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.ppt
Jayaprasanna4
 
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
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
Forklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella PartsForklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella Parts
Intella Parts
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
VENKATESHvenky89705
 
Architectural Portfolio Sean Lockwood
Architectural Portfolio Sean LockwoodArchitectural Portfolio Sean Lockwood
Architectural Portfolio Sean Lockwood
seandesed
 
COLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdf
COLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdfCOLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdf
COLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdf
Kamal Acharya
 
Halogenation process of chemical process industries
Halogenation process of chemical process industriesHalogenation process of chemical process industries
Halogenation process of chemical process industries
MuhammadTufail242431
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
Kamal Acharya
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
CME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional ElectiveCME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional Elective
karthi keyan
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
obonagu
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management 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
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
Pratik Pawar
 
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.
PrashantGoswami42
 
LIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.pptLIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.ppt
ssuser9bd3ba
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Sreedhar Chowdam
 

Recently uploaded (20)

一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
 
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSETECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
 
ethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.pptethical hacking in wireless-hacking1.ppt
ethical hacking in wireless-hacking1.ppt
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
Forklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella PartsForklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella Parts
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
 
Architectural Portfolio Sean Lockwood
Architectural Portfolio Sean LockwoodArchitectural Portfolio Sean Lockwood
Architectural Portfolio Sean Lockwood
 
COLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdf
COLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdfCOLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdf
COLLEGE BUS MANAGEMENT SYSTEM PROJECT REPORT.pdf
 
Halogenation process of chemical process industries
Halogenation process of chemical process industriesHalogenation process of chemical process industries
Halogenation process of chemical process industries
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
CME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional ElectiveCME397 Surface Engineering- Professional Elective
CME397 Surface Engineering- Professional Elective
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
 
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.
 
LIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.pptLIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.ppt
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
 

IRJET- Extension to Visual Information Narrator using Neural Network

  • 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 7154 EXTENSION TO VISUAL INFORMATION NARRATOR USING NEURAL NETWORK Shantanu S Suryawanshi, Rushikesh M Vaidya, Akshay V Patil, Prashant A Kale(Guide) Students of BE Computer, Late.G.N.Sapkal College of Engineering, Trimbakeshwar, Nashik ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Their were many advancements in Deep Learning based Machine Translation and Computer Vision which have led to excellent Image Captioning models using advanced techniques like Deep Reinforcement Learning and many more. While these models are very accurate, but these models need an expensive high configuration hardware which make it difficult to apply these models in real time scenarios, So we have developed an Android application which can run reliably on an inexpensive hardware i.e the low end hardwares such as hand-held devices like smartphones which operate on Android Operating System which will be helpful for Visually Impaired Peoples to visualize their surrounding using our application .We have also compared our results evaluated using various hardware systems such as CPU and GPU with our models and analyze the difference between computation speed and quality. Our model is trained on FLICKR dataset using an TensorFlow framework by Google, we have implemented this Android application to demonstrate the real time applicability and optimizations for the sake of Visually Impaired Peoples. Keywords: Tensorflow, CNN, Text-to-speech, LSTM, Natural Language Generation 1. INTRODUCTION Being able to automatically describe the content of an image using properly formed English sentences is a very challenging task, but it could have great impact, for instance by helping visually impaired people better understand the content of images on the web. This task is significantly harder, for example, than the well-studied image classification or object recognition tasks, which have been a main focus in the computer vision community. Indeed, a description must capture not only the objects contained in an image, but it also must express how these objects relate to each other as well as their attributes and the activities they are involved in. Moreover, the above semantic knowledge has to be expressed in a natural language like English, which means that a language model is needed in addition to visual understanding. 2. LITERATURE SURVEY 2.1 Generating image descriptions using dependency relational patterns Published year : 2016 Author : Ahmet Aker This paper presents a novel approach to automatic captioning of geotagged images by summarizing multiple web documents that contain information related to an images location. The summarizer is biased by dependency pattern models towards sentences which contain features typically provided for different scene types such as those of churches, bridges, etc. Our results show that summaries biased by dependency pattern models lead to significantly higher ROUGE scores than both n-gram language models reported in previous work and also Wikipedia baseline summaries. Summaries generated using dependency patterns also lead to more readable summaries than those generated without dependency patterns. 2.2 Neural machine translation by jointly learning to align and translate Published year : 2015 Author : Dzmitry Bahdanau Neural machine translation is a recently proposed approach to machine translation. Unlike the traditional statistical machine translation, the neural machine translation aims at building a single neural network that can be jointly tuned to maximize the translation performance. The models proposed recently for neural machine translation often belong to a family of encoder decoders and encode a source sentence into a fixed-length vector from which a decoder generates a translation. In this paper, we conjecture that the use of a fixed-length vector is a bottleneck in improving the performance of this basic encoder decoder architecture, and propose to extend this by allowing a model to automatically (soft-)search for parts of a source sentence that are relevant to predicting a target word, without having to form these parts as a hard segment explicitly. With this new approach, we achieve a translation performance comparable to the existing state-of-the-art phrase-based system on the task of English-to-French translation. Furthermore, qualitative analysis reveals that the (soft-)alignments found by the model agree well with our intuition.
  • 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 7155 2.3 Learning phrase representations using RNN encoder-decoder for statistical machine translation Published year : 2018 Author : Kyunghyun Cho In this paper, we propose a novel neural network model called RNN Encoder Decoder that consists of two recurrent neural networks (RNN). One RNN encodes a sequence of symbols into a fixed length vector representation, and the other decodes the representation into another sequence of symbols. The encoder and decoder of the proposed model are jointly trained to maximize the conditional probability of a target sequence given a source sequence. The performance of a statistical machine translation system is empirically found to improve by using the conditional probabilities of phrase pairs computed by the RNN Encoder Decoder as an additional feature in the existing log-linear model. Qualitatively, we show that the proposed model learns a semantically and syntactically meaningful representation of linguistic phrases. 3. SYSTEM ARCHITECTURE Fig-1: General System Architecture • Input Image: It is the actual nature which we want to view. • Convolutional Feature Extraction:In CNN model the features are extracted from the input image. • RNN: In RNN model the extracted features from CNN we generate actual textual output. 4. METHODOLOGY 4.1 Tensorflow TensorFlow is an open-source software library for dataflow programming across a range of tasks. It is a symbolic math library, and is also used for machine learning applications such as neural networks.It is used for both research and production at Google. TensorFlow was developed by the Google Brain team for internal Google use. It was released under the Apache 2.0 open- source license on November 9, 2015. 4.2 Imagenet inception-v4 Very deep convolutional networks have been central to the largest advances in image recognition performance in recent years. One example is the Inception architecture that has been shown to achieve very good performance at relatively low computational cost. Recently, the introduction of residual connections in conjunction with a more traditional architecture has yielded state-of-the-art performance in the 2015 ILSVRC challenge; its performance was similar to the latest generation Inceptionv3 network. This raises the question of whether there are any benefit in combining the Inception architecture with residual connections. 4.3 VGG VGG Netis a neural network that performed very well in the Imagenet Large Scale Visual Recognition Challenge(ILSVRC) in 2014. It scored first place on the image localization task and second place on the image classification task. Localization is finding wherein the image a certain object is, described by a bounding box. Classification is describing what the object in the image is. This predicts a category label, such as cat or bookcase. Image Netis a huge database of images for academic researchers. Every year the people who run ImageNet host an image recognition competition. The goal is to write a piece of software these days usually a neural network of some kind that can correctly predict the category for a set of test images. Of course, the correct categories are known only to the contest organizers. 4.3 ConvNets Convolutional networks (ConvNets) currently set the state of the art in visual recognition. The aim of this project is to investigate how the ConvNet depth affects their accuracy in the large-scale image recognition setting. 5 CNN In deep learning, a convolutional neural network (CNN, or ConvNet) is a class of deep neural networks, most commonly applied to analyzing visual imagery. CNNs are regularized versions of multilayer perceptrons. Multilayer perceptrons usually refer to fully connected networks, that is, each neuron in one layer is connected to all neurons in the next layer. Typical ways of regularization includes adding some form of magnitude measurement of weights to the loss function. However, CNNs take a different approach towards regularization: they take advantage of the hierarchical pattern in data and assemble more complex patterns using smaller and simpler patterns.
  • 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 7156 CNNs use relatively little pre-processing compared to other image classification algorithms. This means that the network learns the filters that in traditional algorithms were hand-engineered. This independence from prior knowledge and human effort in feature design is a major advantage. 5. ARCHITECTURE Our Model works on encoder-decoder neural network. It works by first "encoding" an image into a fixed-length vector representation, and then "decoding" the representation into a natural language description. The image encoder is a deep convolutional neural network. This type of network is widely used for image tasks and is currently state-of-the-art for object recognition and detection. Our particular choice of network is the Inception v4 image recognition pretrained model. The decoder is a long short-term memory (LSTM) network. This type of network is commonly used for sequence modeling tasks such as language modeling and machine translation. In the Show and Tell model, the LSTM network is trained as a language model conditioned on the image encoding. Words in the generated text are represented with an embedding model. Each word in the vocabulary is associated with a fixed-length vector representation that is learned during training. The following diagram illustrates the model architecture. Fig-2: System Architecture In this diagram, {s0, s1, ..., sN-1} are the words of the text and {wes0, wes1, ..., wesN-1} are their corresponding word embedding vectors. The outputs {p1, p2, ..., pN} of the LSTM are probability distributions generated by the model for the next word in the sentence. The terms {log p1(s1), log p2(s2), ..., log pN(sN)} are the log-likelihoods of the correct word at each step; the negated sum of these terms is the minimization objective of the model. During the first phase of training the parameters of the Inception v4 model are kept fixed: it is simply a static image encoder function. A single trainable layer is added on top of the Inception v4 model to transform the image embedding into the word embedding vector space. The model is trained with respect to the parameters of the word embeddings, the parameters of the layer on top of Inception v4 and the parameters of the LSTM. In the second phase of training, all parameters - including the parameters of Inception v4 - are trained to jointly fine- tune the image encoder and the LSTM. Given a trained model and an image we use beam search to generate text for that image. Text are generated word- by-word, where at each step t we use the set of sentences already generated with length t - 1 to generate a new set of sentences with length t. This way we generate our text. 6. Conclusion From this project we have made an Android application using Convolutional Neural Network and Natural Language Processing (Text-to-speech) for the sake of Visually Impaired People in order to visualise them their surroundings just by pointing their mobile device to get information using Narration Form REFERENCES [1] A. Aker and R. Gaizauskas. Generating image descriptions using dependency relational patterns. In ACL, 2010. [2] D. Bahdanau, K. Cho, and Y. Bengio. Neural machine translation by jointly learning to align and translate. arXiv:1409.0473, 2014. [3] K. Cho, B. van Merrienboer, C. Gulcehre, F. Bougares, H. Schwenk, and Y. Bengio. Learning phrase representations using RNN encoder-decoder for statistical machine translation. In EMNLP, 2014 [4] Pranay Mathur, Aman Gill, Ayush Yadav, Anurag Mishra and Nand Kumar Bansode. A real time image to caption generator, 2017 [5] D. Elliott and F. Keller. Image description using visual dependency representations. In EMNLP, 2013.