SlideShare a Scribd company logo
1 of 6
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3730
Chatbot Using Gated End-to-End Memory Networks
Jincy Susan Thomas1, Seena Thomas2
1Jincy Susan Thomas, M.Tech CSE, LBS Institute of Technology for Women, Trivandrum, Kerala, India
2Seena Thomas, Assistant Professor, Dept. of Computer Science, LBS Institute of Technology for Women,
Trivandrum, Kerala, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Intelligent bot systems interact with users in
natural language. Existing traditional chatbot systems are
rule based that stops scaling up to real world domains.
While using deep learning methods, all dialogs in the
chatbot system are trained from the dialogs themselves
escapes the limitations of this. The paper proposes deep
learning method gated end-to-end memory networks and
we can show how chatbot systems can be used in real time
applications. This model is learned in an end-to-end fashion
without the use of any additional supervision. We set up the
context of hospital reservation that generate and
manipulate sentences for properly conducting
conversations, issue api calls and retrieve responses based
on api calls. We analyse the drawbacks of existing rule based
system and propose modifications to those in the new
dataset with hospital information that improve the
responses. We can reveal that a dialogue system based on
memory network is able to achieve good results on non-
trivial operations.
Key Words: intelligent, natural language, rule based,
gated end-to-end memory networks, supervision, hospital,
dialogue system
1. INTRODUCTION
Dialogue systems can be divided into goal-driven systems
such as technical support services, and non-goal-driven
systems, such as language learning tools or computer
game characters. Traditional dialogue systems is slot-
filling[12][13] which predefines the structure of a dialogue
state as a set of slots to be filled during the dialog. An
existing implementation is a restaurant reservation
system, where the slots can be location, price range or type
of cuisine of a restaurant. Slot-filling has proven to be
reliable, but hard to scale to new domains. Slot filling uses
rule based approach eg., siri. In a rule based approach, a
bot answers question based on some rules on which it is
trained on. The creation of these bots are relatively
straightforward using some rule-based approach, but the
bot is not efficient in answering questions, whose pattern
does not match with the rules on which the bot is trained.
Those bots can be created by using language like Artificial
Intelligence Markup Language(AIML), a language based on
XML that allow developer’s write rules for the bot to
follow. Another drawback is writing rules for different
scenarios is very time consuming and it is impossible to
write rules for every possible scenario. So these bots can
handle simple queries but fail to manage complex queries.
Fig -1: Illustration of rule based approach
Proposed system is creating bots that use Machine
Learning-based approach that make them more efficient
than rule-based bots. These bots are also known as
Retrieval based models. These bots are trained on a set of
questions and their possible outcomes. For every question,
the bot can find the most relevant answers from the sets of
all possible answers and then outputs the answer.
Although, the bot cannot generate new answers if trained
on a lot of question and answer dataset, and if the data set
is pre-processed smartly, the bot can handle queries fairly
good. The complexity can range from simple rules for a
query to complex rules using some machine learning
algorithm to find the most appropriate answer. Also, there
is no issue with the language and grammar as the answers
are pre-determined and it cannot go wrong in syntax
manner. Our system uses machine learning model called
memory networks [5]. Memory network uses inference
components combined with a long term memory
component and jointly it is used for predicting the
responses. Memory network is trained end to end[4] and
hence requires less supervision during training, thus it can
be used for realistic settings. All the components of the
end-to-end systems are trained on past dialogs, so it is not
domain specific, thus it can be automatically scale to new
domains.
2. RELATED WORK
This section starts with an introduction of the primary
elements of MemN2N used for Question answering. Then,
we review another area relevant to this work, namely
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3731
memory dynamics in such models. Also the
implementation of goal oriented dialog systems.
2.1 End-to-End Memory Networks
The MemN2N architecture, introduced by Sukhbaatar[4],
consists of two main components: supporting memories
and final answer prediction. Supporting memories are in
turn comprised of a set of input and output memory
representations with memory cells. The input and output
memory cells, denoted by mi and ci , are obtained by
transforming the input context x1 , . . . ,xn (or stories) using
two embedding matrices A and C (both of size d × |V|
where d is the embedding size and |V| the vocabulary size)
such that mi = AΦ(xi) and ci = CΦ(xi) where Φ(·) is a
function that maps the input into a bag of dimension |V|.
Similarly, the question q is encoded using another
embedding matrix B ∈Rd×|V |
, resulting in a question
embedding u = BΦ (q). The input memories {mi}, together
with the embedding of the question u, are utilized to
determine the relevance of each of the stories in the
context, yielding a vector of attention weights
pi = softmax(uT
mi) (1)
where softmax(ai ) =
eai
∑ e
aj
j∈[1,n]
. Subsequently, the response
o from the output memory is calculated as:
o=∑ picii (2)
For more difficult tasks requiring multiple supporting
memories, the model can be extended to include more
than one set of input/output memories by stacking a
number of memory layers. In this setting, each memory
layer is named a hop and the (k + 1)th
hop takes as input
the output of the kth
hop:
uk+1
= ok
+ uk
(3)
Lastly, the final step, the prediction of the answer to the
question q, is performed by
â = softmax(W(ok
+ uk)) (4)
where â is the predicted answer distribution, W ∈
|V|×d
is a parameter matrix for the model to learn and K
the total number of hops.
2.2 Memory Dynamics
The necessity of dynamically regulating the interaction
between the so-called controller and the memory blocks of
a Memory Network model has been study in [2]. In these
works, the number of exchanges between the controller
stack and the memory module of the network is either
monitored in a hard supervised manner in the former or
fixed apriori in the latter. In this paper, we propose an end-
to-end supervised model, with an automatically learned
gating mechanism, to perform dynamic regulation of
memory interaction.
2.3 Goal Driven Dialog System
Goal driven dialog system is a system based on a specific
goal. Perhaps the most successful approach to goal-driven
systems has been to view the dialogue problem as a
partially observable Markov decision process
(POMDP)[14]. Most deployed dialogue systems use hand-
crafted features for the state and action space
representations, and require either a large annotated task-
specific corpus or a horde of human subjects willing to
interact with the unfinished system, hence limits its usage
to a narrow domain. Our aim is to generate random
conversations for goal oriented scenarios. This is
equivalent of user simulators that are used to train POMDP
[14].
3. PROPOSED SYSTEM
Our proposed system is a hospital appointment system,
where the goal is to get the doctor appointment. Model is
trained with training data that contain input user
utterances with expected output. In an interactive
environment user can chat with the bot in his own
language, since we are using memory network rather than
rule based, dialogues are context specific and bot give
appropriate responses.
Proposed system uses gated end-to-end memory networks
model. This is an end-to-end supervised model with an
automatically learned gating mechanism to perform
dynamic regulation of memory interaction [11]. This will
replace hard attention mechanism in Memory networks
where attention values are obtained by softmax function.
Gated End-to-End Memory network uses the idea of
adaptive gating mechanism of Highway Networks and
integrate it into MemN2N. Highway Networks, first
Highway Networks, first introduced by Srivastava [3],
include a transform gate T and a carry gate C, allowing the
network to learn how much information it should
transform or carry to form the input to the next layer. The
generic form of Highway Networks is formulated as:
y=H(x) ʘ T(x) + x ʘ C(x) (5)
where the transform gate T(x) and carry gate C(x), are
defined as non-linear transformation functions of the
input x and ʘ the Hadamard product. Here we are using
simplified form of Highway network where carry gate is
replaced by 1-T(x):
y=H(x) ʘ T(x) + x ʘ (1-T(x)) (6)
where T(x) = σ(WTx + T) and σ is the sigmoid function
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3732
Fig -1: Illustration of Gated End-to-End memory networks
3.1 Memory Representation
As our model[1] conducts a conversation with the user, at
each time step t, memory is formed by appending previous
utterance from the user(c1
u
, , ct
u
) and responses from the
bot(c1, ct 1), ie the entire conversation . At time t, model
needs to choose the next bot’s response ct . We train on
about 5000 full dialog transcripts in the training dataset, so
at training time the model knows the upcoming utterance
ct and the target response. All conversations can be
represented as a bag-of-words and in memory it is
represented as a vector using embedding matrix A. So the
memory can be represented as:
m=(AΦ(c1
u
),AΦ(c1)…,AΦ(ct 1
u
),AΦ(ct 1)) (7)
where Φ(·) maps the utterance to a bag of dimension V
(the vocabulary), and A is a d × V matrix, where d is the
embedding dimension. Last user utterance cut as the
“input” that is used directly in the controller.
3.2 Attention over the memory
The last user utterance ct
u
is embedded using the same
matrix A giving q = AΦ( ), which can also be seen as the
initial state of the controller( ). At this point the
controller reads from the memory to find intended parts of
the previous conversation that are relevant to produce a
response. The match between q and the memories is
computed by taking the inner product followed by a
softmax: = ( ), giving a probability P
vector over the memories. The vector that is returned back
to the controller is then computed by o=R∑ where R
is a d × d square matrix. The gated end-to-end memory
network is capable of dynamically conditioning the reading
mechanism of memory controller state +1
at each
hop. The controller is updated as below for a fixed number
of iterations N(termed N hops).
k
(uk
)=σ(WT
k
uk
+ T
k
) (8)
uk+1
= ok
ʘ k
(uk
)+uk
ʘ(1- k
(uk
)) (9)
where WT
k
and T
k
are the hop-specific parameter matrix
and bias term for the k th hop and k
(x) the transform
gate for the k th hop.
3.3 Choosing the response
The final prediction is then defined as:
â=Softmax(q +1
T
WΦ( 1),...,q +1
T
WΦ( )) (10)
where there are C candidate responses in y, and W is of
dimension d × V . In our tasks the set y is a candidate file
that contains set of bot responses. The entire model is
trained using stochastic gradient descent (SGD),
minimizing a standard cross-entropy loss between â and
the true label a.
4. EXPERIMENTS
In this section, we first describe the natural language
reasoning dataset we use in our experiments. Then, the
experimental setup is detailed. Lastly, we present the
results and analyses.
4.1 Restaurant Reservation Simulation
Hospital appointment system is based on a set of facts and
these facts may contain a specialization (5 choices eg.,
Dentist, Physician), doctor name under each
specialization(5 choices eg., Roy, Madhu), appointment
day(2 choices eg., today, tomorrow), patient profile. Since
we cannot include all details of patient in dataset, we may
add gender and age details (gender: 2 choices eg., male,
female age: 5 choices eg., infant, child, young, middle-aged
and old). Each doctor is assigned to a list of token numbers
from 1 to 20 listed in the knowledge base. API calls are
generated that consists of five fields eg., specialization:
Dentist, doctor name: Dr Teena, appointment day: today
and patent profile: male young. These API calls are saved in
hospital database for each doctor appointment and a token
number is also generated for each appointment.
Conversations are generated randomly using these KB as in
the format shown in the below figure. Each sample is a
dialogue comprising utterances from a user and a bot, API
calls and token number and these are all natural language
pattern. There are 43 patterns for the user and 20 for the
bot. Patterns means user can use 4 different ways to
express something eg., can you make an appointment, I
want an appointment, I would like to book a doctor, can
you book a doctor, but bot uses same response eg., I’m on
it, sure is there anything else to update. Those patterns
combined with KB entities to form five thousand different
samples of training data, validation data and test data.
4.2 Datasets
Datasets for training, validation and testing are generated
by randomly running scripts. These three are mutually
exclusive datasets. Validation dataset is used to minimize
overfitting as training dataset actually produces an
increase in accuracy. A user request implicitly forms a
query that contains the required fields for API call. The bot
must ask questions for filling the missing fields and
eventually generate the correct corresponding API call. The
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3733
bot asks questions in a deterministic order. Users then ask
to update their requests between 1 and 3 times except for
specialization. The order in which fields updated is
random. The bot can confirm with users whether they are
done with the updates and issue the updated API call.
Token number is generated for each appointment. Users
always accept the token number and conversation ends.
Knowledge Base(KB) consists of 4,200 facts and 500
appointments each (5 specializations ˟ 5 doctors ˟ 2 days ˟
2 gender ˟ 5 age groups) and the whole dataset contain
disjoint sets of conversations. Training dataset contain
5,000 samples to create realistic learning conditions. All
bot responses are stored in another file called candidate
file, this file contain the labels. During testing we check if
models generate new combinations of fields. Dialog
systems are evaluated in a ranking and at each turn of the
dialog candidates from candidate file are ranked from set
of all bot utterances and API calls shown in training,
validation and test sets. Thus it predicts bot utterance and
API calls. Even though the model is trained with patterns
for eg., can you make an appointment, I want an
appointment, I would like to book a doctor, can you book a
doctor, if user uses different pattern like please make an
appointment or I need an appointment, the bot understand
the context behind the dialogue and provide appropriate
response. This is achieved by using model with multiple
hops over the long term memory.
As in [4], our model is fully end-to-end trained without any
additional supervision other than the answers themselves.
4.3 Data Pre-Processing
Next step is the tokenization of dialogs from the datasets.
For performing tokenization, user and bot responses from
the above files are separated and store into two lists u and
r and perform tokenization. Then create another list
context and append tokenized user utterance and bot
response separately. This will constitute a conversation.
Then create another list data and store previous
conversation from context and current user question and
append index from candidate file for the previous bot
response. The tokenization process should do for all three
files. So the final data list constitutes tokenized user
utterances and bot responses with proper index from
candidate file. Then a vocabulary or dictionary is created
using the wordings used in the conversation and index
also added to the vocabs. Then vectorize bot responses
from candidate file based on the index in vocabulary.
4.4 Training
Learning rate η is initially assigned a value of 0.001 with
500 epochs. Linear start is used in all our experiments as
proposed by [4]. With linear start, the softmax in each
memory layer is removed and re-inserted after 10 epochs.
Batch size is set to 32 and gradients with an 2 norm larger
than 40 are divided by a scalar to have norm 40. All
weights are initialized randomly from a Gaussian
distribution with zero mean and σ = 0.1 except for the
transform gate bias 𝑏 which we empirically set the mean
to 0.5. Only the most recent 50 sentences are fed into the
model as the memory and the number of memory hops is
3. In all our experiments, we use the embedding size d =
20. Optimizer used is Adam Optimizer. We also constrain
ourselves to the hop-specific weight tying scheme in all
our experiments since GmemN2N benefits more from it
than global weight tying.
4.5 Results
While per-response accuracy calculates the percentage of
correct responses, per-dialog accuracy, where a dialog is
considered to be correct if and only if every response
within it is correct, counts the percentage of correct
dialogs.
Accuracy is calculated by following equation:
Where î is the predicted value of the i-th sample and i is
the corresponding true value over nsamples. We passed
over actual answer and predicted answer over sklearn.
metrics function and received below accuracy.
Training Accuracy: 0.866678031242
Validation Accuracy: 0.856304621164
Below screen shots shows examples of predictions of our
model for test examples.
Fig -3: Shows that the model identifies the language
context and then reacts based on that intend, whereas rule
based approach understands a pre-defined set of options.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3734
Fig -4: Shows that api calls are properly updated based on
the user preferences
Fig -4: Shows that the model is able to ignore grammatical
errors
5. CONCLUSION AND FUTURE WORK
In this paper we have proposed an attempt of
incorporating an iterative memory access control to an
end-to-end trainable memory enhanced neural network
architecture. We showed the advantage of dynamic
regulation of memory interaction, but it is still lack in
some areas. In future work, we will investigate our model
in language modeling and predictive learning so that the
machine is more intelligent in goal based applications even
though we are using synonyms or out of vocabulary words
during conversation.
REFERENCES
[1] A. Bordes and J. Weston. Learning end-to-end goal-
oriented dialog. In Proceedings of ICLR.March 2017
[2] A. Kumar, O. Irsoy, P. Ondruska, M. Iyyer, J. Bradbury, I.
Gulrajani, and R. Socher, Ask Me Anything: Dynamic
Memory Networks for Natural Language Processing.
In Proceedings of the 33rd International Conference
on Machine Learning (ICML 2016), New York, USA
[3] R. Srivastava, K. Greff, and J. Schmidhuber. Highway
networks. In ICML 2015 Deep Learning workshop
[4] S. Sukhbaatar, A. Szlam, J. Weston, and R. Fergus. 2015.
End-to-end memory networks. In Proceedings of
Advances in Neural Information Processing Systems
(NIPS 2015), pages 2440–2448, Montreal, Canada.
[5] J. Weston, S. Chopra, and A. Bordes. 2015. Memory
networks. In Proceedings of the 3rd International
Conference on Learning Representations (ICLR 2015),
San Diego, USA.
[6] J. Weston, A. Bordes, S. Chopra, A. Rush, B.
Merrienboer, A. Joulin and T. Mikolov. 2016. Towards
AI-complete question answering: A set of prerequisite
toy tasks. In Proceedings of the 4th International
Conference on Learning Representations (ICLR 2016),
San Juan, Puerto Rico.
[7] C. Xiong, S. Merity, and R. Socher. 2016. Dynamic
memory networks for visual and textual question
answering. In Proceedings of the 33rd International
Conference on Machine Learning (ICML 2016), pages
2397–2406, New York, USA.
[8] R. Srivastava, K. Greff, and J. Schmidhuber. 2015b.
Training very deep networks. In Proceedings of
Advances in Neural Information Processing Systems
(NIPS 2015), pages 2377–2385, Montreal, Canada
[9] A. Miller, A. Fisch, J. Dodge, A. Karimi, A. Bordes, and J.
Weston. 2016. Key-value memory networks for
directly reading documents. In Proceedings of the
2016 Conference on Empirical Methods in Natural
Language Processing (EMNLP 2016), Austin, USA.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3735
[10] Y. Chen, D. Hakkani-Tür, G. Tur, J. Gao, and L. Deng,
(2016). End-to-end memory networks with
knowledge carryover for multi-turn spoken language
understanding. In Proceedings of Interspeech.
[11] F. Liu, J. Perez (2017). Gated End-to-End Memory
Networks. In Proceedings of the 15th Conference of
the European Chapter of the Association for
Computational Linguistics(ACL 2017), Spain
[12] H. Wang, Z. Lu, H. Li, and E. Chen, (2013). A dataset
for research on short-text conversations. In EMNLP.
[13] Z. Wang, and O. Lemon, (2013). A simple and generic
belief tracking mechanism for the dialog state tracking
challenge: On the believability of observed
information. In Proceedings of the SIGDIAL 2013
Conference.
[14] S. Young, M. Gasic, B. Thomson, and J. D. Williams,
(2013). Pomdp-based statistical spoken dialog
systems: A review. Proceedings of the IEEE,101(5),
1160–1179.

More Related Content

What's hot

llorma_jmlr copy
llorma_jmlr copyllorma_jmlr copy
llorma_jmlr copyGuy Lebanon
 
A Study of BFLOAT16 for Deep Learning Training
A Study of BFLOAT16 for Deep Learning TrainingA Study of BFLOAT16 for Deep Learning Training
A Study of BFLOAT16 for Deep Learning TrainingSubhajit Sahu
 
Architecture neural network deep optimizing based on self organizing feature ...
Architecture neural network deep optimizing based on self organizing feature ...Architecture neural network deep optimizing based on self organizing feature ...
Architecture neural network deep optimizing based on self organizing feature ...journalBEEI
 
Deep Reinforcement Learning for Visual Navigation
Deep Reinforcement Learning for Visual NavigationDeep Reinforcement Learning for Visual Navigation
Deep Reinforcement Learning for Visual NavigationManish Pandey
 
SYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITION
SYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITIONSYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITION
SYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITIONcsandit
 
A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...
A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...
A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...IJECEIAES
 
An Efficient Multiplierless Transform algorithm for Video Coding
An Efficient Multiplierless Transform algorithm for Video CodingAn Efficient Multiplierless Transform algorithm for Video Coding
An Efficient Multiplierless Transform algorithm for Video CodingCSCJournals
 
A Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionA Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionIJCSIS Research Publications
 
A Text-Independent Speaker Identification System based on The Zak Transform
A Text-Independent Speaker Identification System based on The Zak TransformA Text-Independent Speaker Identification System based on The Zak Transform
A Text-Independent Speaker Identification System based on The Zak TransformCSCJournals
 
How to Know Best Machine Translation System in Advance before Translating a S...
How to Know Best Machine Translation System in Advance before Translating a S...How to Know Best Machine Translation System in Advance before Translating a S...
How to Know Best Machine Translation System in Advance before Translating a S...Bibekananda Kundu
 
A novel architecture of rns based
A novel architecture of rns basedA novel architecture of rns based
A novel architecture of rns basedVLSICS Design
 
Fundamentals of Computer Organization(FCO)2610004_wefjune2012
Fundamentals of Computer Organization(FCO)2610004_wefjune2012Fundamentals of Computer Organization(FCO)2610004_wefjune2012
Fundamentals of Computer Organization(FCO)2610004_wefjune2012mubbishekh
 
Fuzzy clustering Approach in segmentation of T1-T2 brain MRI
Fuzzy clustering Approach in segmentation of T1-T2 brain MRIFuzzy clustering Approach in segmentation of T1-T2 brain MRI
Fuzzy clustering Approach in segmentation of T1-T2 brain MRIIDES Editor
 
STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS
STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS
STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS ijdpsjournal
 
Methodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniquesMethodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniquesijsc
 

What's hot (20)

llorma_jmlr copy
llorma_jmlr copyllorma_jmlr copy
llorma_jmlr copy
 
lcr
lcrlcr
lcr
 
A Study of BFLOAT16 for Deep Learning Training
A Study of BFLOAT16 for Deep Learning TrainingA Study of BFLOAT16 for Deep Learning Training
A Study of BFLOAT16 for Deep Learning Training
 
Architecture neural network deep optimizing based on self organizing feature ...
Architecture neural network deep optimizing based on self organizing feature ...Architecture neural network deep optimizing based on self organizing feature ...
Architecture neural network deep optimizing based on self organizing feature ...
 
38 116-1-pb
38 116-1-pb38 116-1-pb
38 116-1-pb
 
Deep Reinforcement Learning for Visual Navigation
Deep Reinforcement Learning for Visual NavigationDeep Reinforcement Learning for Visual Navigation
Deep Reinforcement Learning for Visual Navigation
 
SYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITION
SYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITIONSYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITION
SYNTHETICAL ENLARGEMENT OF MFCC BASED TRAINING SETS FOR EMOTION RECOGNITION
 
A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...
A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...
A Mixed Binary-Real NSGA II Algorithm Ensuring Both Accuracy and Interpretabi...
 
D111823
D111823D111823
D111823
 
An Efficient Multiplierless Transform algorithm for Video Coding
An Efficient Multiplierless Transform algorithm for Video CodingAn Efficient Multiplierless Transform algorithm for Video Coding
An Efficient Multiplierless Transform algorithm for Video Coding
 
A Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionA Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware Detection
 
A Text-Independent Speaker Identification System based on The Zak Transform
A Text-Independent Speaker Identification System based on The Zak TransformA Text-Independent Speaker Identification System based on The Zak Transform
A Text-Independent Speaker Identification System based on The Zak Transform
 
How to Know Best Machine Translation System in Advance before Translating a S...
How to Know Best Machine Translation System in Advance before Translating a S...How to Know Best Machine Translation System in Advance before Translating a S...
How to Know Best Machine Translation System in Advance before Translating a S...
 
A novel architecture of rns based
A novel architecture of rns basedA novel architecture of rns based
A novel architecture of rns based
 
Ejsr 86 3
Ejsr 86 3Ejsr 86 3
Ejsr 86 3
 
Fundamentals of Computer Organization(FCO)2610004_wefjune2012
Fundamentals of Computer Organization(FCO)2610004_wefjune2012Fundamentals of Computer Organization(FCO)2610004_wefjune2012
Fundamentals of Computer Organization(FCO)2610004_wefjune2012
 
Fuzzy clustering Approach in segmentation of T1-T2 brain MRI
Fuzzy clustering Approach in segmentation of T1-T2 brain MRIFuzzy clustering Approach in segmentation of T1-T2 brain MRI
Fuzzy clustering Approach in segmentation of T1-T2 brain MRI
 
STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS
STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS
STUDY OF TASK SCHEDULING STRATEGY BASED ON TRUSTWORTHINESS
 
Methodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniquesMethodological study of opinion mining and sentiment analysis techniques
Methodological study of opinion mining and sentiment analysis techniques
 
M017419499
M017419499M017419499
M017419499
 

Similar to IRJET- Chatbot Using Gated End-to-End Memory Networks

Performance comparison of row per slave and rows set per slave method in pvm ...
Performance comparison of row per slave and rows set per slave method in pvm ...Performance comparison of row per slave and rows set per slave method in pvm ...
Performance comparison of row per slave and rows set per slave method in pvm ...eSAT Journals
 
Performance comparison of row per slave and rows set
Performance comparison of row per slave and rows setPerformance comparison of row per slave and rows set
Performance comparison of row per slave and rows seteSAT Publishing House
 
Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...
Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...
Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...IRJET Journal
 
IRJET- Recruitment Chatbot
IRJET- Recruitment ChatbotIRJET- Recruitment Chatbot
IRJET- Recruitment ChatbotIRJET Journal
 
An Algorithm for Optimized Cost in a Distributed Computing System
An Algorithm for Optimized Cost in a Distributed Computing SystemAn Algorithm for Optimized Cost in a Distributed Computing System
An Algorithm for Optimized Cost in a Distributed Computing SystemIRJET Journal
 
DYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTING
DYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTINGDYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTING
DYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTINGcscpconf
 
LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...
LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...
LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...IRJET Journal
 
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)Eswar Publications
 
A Survey on Distributed Transactional Memory System with a Proposed Design fo...
A Survey on Distributed Transactional Memory System with a Proposed Design fo...A Survey on Distributed Transactional Memory System with a Proposed Design fo...
A Survey on Distributed Transactional Memory System with a Proposed Design fo...IRJET Journal
 
Bsc it winter 2013 2nd sem
Bsc it  winter 2013 2nd semBsc it  winter 2013 2nd sem
Bsc it winter 2013 2nd semsmumbahelp
 
IRJET- Factoid Question and Answering System
IRJET-  	  Factoid Question and Answering SystemIRJET-  	  Factoid Question and Answering System
IRJET- Factoid Question and Answering SystemIRJET Journal
 
Synchronizing Parallel Tasks Using STM
Synchronizing Parallel Tasks Using STMSynchronizing Parallel Tasks Using STM
Synchronizing Parallel Tasks Using STMIJERA Editor
 
Producer consumer-problems
Producer consumer-problemsProducer consumer-problems
Producer consumer-problemsRichard Ashworth
 
Comprehensive Performance Evaluation on Multiplication of Matrices using MPI
Comprehensive Performance Evaluation on Multiplication of Matrices using MPIComprehensive Performance Evaluation on Multiplication of Matrices using MPI
Comprehensive Performance Evaluation on Multiplication of Matrices using MPIijtsrd
 
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...IJCNCJournal
 
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...IJCNCJournal
 
Analysis of computational
Analysis of computationalAnalysis of computational
Analysis of computationalcsandit
 
Predicting Stock Price Movements with Low Power Consumption LSTM
Predicting Stock Price Movements with Low Power Consumption LSTMPredicting Stock Price Movements with Low Power Consumption LSTM
Predicting Stock Price Movements with Low Power Consumption LSTMIRJET Journal
 

Similar to IRJET- Chatbot Using Gated End-to-End Memory Networks (20)

Performance comparison of row per slave and rows set per slave method in pvm ...
Performance comparison of row per slave and rows set per slave method in pvm ...Performance comparison of row per slave and rows set per slave method in pvm ...
Performance comparison of row per slave and rows set per slave method in pvm ...
 
Performance comparison of row per slave and rows set
Performance comparison of row per slave and rows setPerformance comparison of row per slave and rows set
Performance comparison of row per slave and rows set
 
Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...
Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...
Text Summarization of Food Reviews using AbstractiveSummarization and Recurre...
 
IRJET- Recruitment Chatbot
IRJET- Recruitment ChatbotIRJET- Recruitment Chatbot
IRJET- Recruitment Chatbot
 
An Algorithm for Optimized Cost in a Distributed Computing System
An Algorithm for Optimized Cost in a Distributed Computing SystemAn Algorithm for Optimized Cost in a Distributed Computing System
An Algorithm for Optimized Cost in a Distributed Computing System
 
DYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTING
DYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTINGDYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTING
DYNAMIC TASK PARTITIONING MODEL IN PARALLEL COMPUTING
 
LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...
LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...
LSTM Model for Semantic Clustering of User-Generated Content Using AI Geared ...
 
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
 
A Survey on Distributed Transactional Memory System with a Proposed Design fo...
A Survey on Distributed Transactional Memory System with a Proposed Design fo...A Survey on Distributed Transactional Memory System with a Proposed Design fo...
A Survey on Distributed Transactional Memory System with a Proposed Design fo...
 
Bsc it winter 2013 2nd sem
Bsc it  winter 2013 2nd semBsc it  winter 2013 2nd sem
Bsc it winter 2013 2nd sem
 
Netsim experiment manual
Netsim experiment manualNetsim experiment manual
Netsim experiment manual
 
Co question 2008
Co question 2008Co question 2008
Co question 2008
 
IRJET- Factoid Question and Answering System
IRJET-  	  Factoid Question and Answering SystemIRJET-  	  Factoid Question and Answering System
IRJET- Factoid Question and Answering System
 
Synchronizing Parallel Tasks Using STM
Synchronizing Parallel Tasks Using STMSynchronizing Parallel Tasks Using STM
Synchronizing Parallel Tasks Using STM
 
Producer consumer-problems
Producer consumer-problemsProducer consumer-problems
Producer consumer-problems
 
Comprehensive Performance Evaluation on Multiplication of Matrices using MPI
Comprehensive Performance Evaluation on Multiplication of Matrices using MPIComprehensive Performance Evaluation on Multiplication of Matrices using MPI
Comprehensive Performance Evaluation on Multiplication of Matrices using MPI
 
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
 
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
Effective Multi-Stage Training Model for Edge Computing Devices in Intrusion ...
 
Analysis of computational
Analysis of computationalAnalysis of computational
Analysis of computational
 
Predicting Stock Price Movements with Low Power Consumption LSTM
Predicting Stock Price Movements with Low Power Consumption LSTMPredicting Stock Price Movements with Low Power Consumption LSTM
Predicting Stock Price Movements with Low Power Consumption LSTM
 

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 STRUCTUREIRJET 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 CharacteristicsIRJET 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 ADASIRJET 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 ProIRJET 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 SystemIRJET 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 bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET 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 DesignIRJET 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

Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
microprocessor 8085 and its interfacing
microprocessor 8085  and its interfacingmicroprocessor 8085  and its interfacing
microprocessor 8085 and its interfacingjaychoudhary37
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxbritheesh05
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2RajaP95
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girlsssuser7cb4ff
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 

Recently uploaded (20)

Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Serviceyoung call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
microprocessor 8085 and its interfacing
microprocessor 8085  and its interfacingmicroprocessor 8085  and its interfacing
microprocessor 8085 and its interfacing
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptx
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girls
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 

IRJET- Chatbot Using Gated End-to-End Memory Networks

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3730 Chatbot Using Gated End-to-End Memory Networks Jincy Susan Thomas1, Seena Thomas2 1Jincy Susan Thomas, M.Tech CSE, LBS Institute of Technology for Women, Trivandrum, Kerala, India 2Seena Thomas, Assistant Professor, Dept. of Computer Science, LBS Institute of Technology for Women, Trivandrum, Kerala, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Intelligent bot systems interact with users in natural language. Existing traditional chatbot systems are rule based that stops scaling up to real world domains. While using deep learning methods, all dialogs in the chatbot system are trained from the dialogs themselves escapes the limitations of this. The paper proposes deep learning method gated end-to-end memory networks and we can show how chatbot systems can be used in real time applications. This model is learned in an end-to-end fashion without the use of any additional supervision. We set up the context of hospital reservation that generate and manipulate sentences for properly conducting conversations, issue api calls and retrieve responses based on api calls. We analyse the drawbacks of existing rule based system and propose modifications to those in the new dataset with hospital information that improve the responses. We can reveal that a dialogue system based on memory network is able to achieve good results on non- trivial operations. Key Words: intelligent, natural language, rule based, gated end-to-end memory networks, supervision, hospital, dialogue system 1. INTRODUCTION Dialogue systems can be divided into goal-driven systems such as technical support services, and non-goal-driven systems, such as language learning tools or computer game characters. Traditional dialogue systems is slot- filling[12][13] which predefines the structure of a dialogue state as a set of slots to be filled during the dialog. An existing implementation is a restaurant reservation system, where the slots can be location, price range or type of cuisine of a restaurant. Slot-filling has proven to be reliable, but hard to scale to new domains. Slot filling uses rule based approach eg., siri. In a rule based approach, a bot answers question based on some rules on which it is trained on. The creation of these bots are relatively straightforward using some rule-based approach, but the bot is not efficient in answering questions, whose pattern does not match with the rules on which the bot is trained. Those bots can be created by using language like Artificial Intelligence Markup Language(AIML), a language based on XML that allow developer’s write rules for the bot to follow. Another drawback is writing rules for different scenarios is very time consuming and it is impossible to write rules for every possible scenario. So these bots can handle simple queries but fail to manage complex queries. Fig -1: Illustration of rule based approach Proposed system is creating bots that use Machine Learning-based approach that make them more efficient than rule-based bots. These bots are also known as Retrieval based models. These bots are trained on a set of questions and their possible outcomes. For every question, the bot can find the most relevant answers from the sets of all possible answers and then outputs the answer. Although, the bot cannot generate new answers if trained on a lot of question and answer dataset, and if the data set is pre-processed smartly, the bot can handle queries fairly good. The complexity can range from simple rules for a query to complex rules using some machine learning algorithm to find the most appropriate answer. Also, there is no issue with the language and grammar as the answers are pre-determined and it cannot go wrong in syntax manner. Our system uses machine learning model called memory networks [5]. Memory network uses inference components combined with a long term memory component and jointly it is used for predicting the responses. Memory network is trained end to end[4] and hence requires less supervision during training, thus it can be used for realistic settings. All the components of the end-to-end systems are trained on past dialogs, so it is not domain specific, thus it can be automatically scale to new domains. 2. RELATED WORK This section starts with an introduction of the primary elements of MemN2N used for Question answering. Then, we review another area relevant to this work, namely
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3731 memory dynamics in such models. Also the implementation of goal oriented dialog systems. 2.1 End-to-End Memory Networks The MemN2N architecture, introduced by Sukhbaatar[4], consists of two main components: supporting memories and final answer prediction. Supporting memories are in turn comprised of a set of input and output memory representations with memory cells. The input and output memory cells, denoted by mi and ci , are obtained by transforming the input context x1 , . . . ,xn (or stories) using two embedding matrices A and C (both of size d × |V| where d is the embedding size and |V| the vocabulary size) such that mi = AΦ(xi) and ci = CΦ(xi) where Φ(·) is a function that maps the input into a bag of dimension |V|. Similarly, the question q is encoded using another embedding matrix B ∈Rd×|V | , resulting in a question embedding u = BΦ (q). The input memories {mi}, together with the embedding of the question u, are utilized to determine the relevance of each of the stories in the context, yielding a vector of attention weights pi = softmax(uT mi) (1) where softmax(ai ) = eai ∑ e aj j∈[1,n] . Subsequently, the response o from the output memory is calculated as: o=∑ picii (2) For more difficult tasks requiring multiple supporting memories, the model can be extended to include more than one set of input/output memories by stacking a number of memory layers. In this setting, each memory layer is named a hop and the (k + 1)th hop takes as input the output of the kth hop: uk+1 = ok + uk (3) Lastly, the final step, the prediction of the answer to the question q, is performed by â = softmax(W(ok + uk)) (4) where â is the predicted answer distribution, W ∈ |V|×d is a parameter matrix for the model to learn and K the total number of hops. 2.2 Memory Dynamics The necessity of dynamically regulating the interaction between the so-called controller and the memory blocks of a Memory Network model has been study in [2]. In these works, the number of exchanges between the controller stack and the memory module of the network is either monitored in a hard supervised manner in the former or fixed apriori in the latter. In this paper, we propose an end- to-end supervised model, with an automatically learned gating mechanism, to perform dynamic regulation of memory interaction. 2.3 Goal Driven Dialog System Goal driven dialog system is a system based on a specific goal. Perhaps the most successful approach to goal-driven systems has been to view the dialogue problem as a partially observable Markov decision process (POMDP)[14]. Most deployed dialogue systems use hand- crafted features for the state and action space representations, and require either a large annotated task- specific corpus or a horde of human subjects willing to interact with the unfinished system, hence limits its usage to a narrow domain. Our aim is to generate random conversations for goal oriented scenarios. This is equivalent of user simulators that are used to train POMDP [14]. 3. PROPOSED SYSTEM Our proposed system is a hospital appointment system, where the goal is to get the doctor appointment. Model is trained with training data that contain input user utterances with expected output. In an interactive environment user can chat with the bot in his own language, since we are using memory network rather than rule based, dialogues are context specific and bot give appropriate responses. Proposed system uses gated end-to-end memory networks model. This is an end-to-end supervised model with an automatically learned gating mechanism to perform dynamic regulation of memory interaction [11]. This will replace hard attention mechanism in Memory networks where attention values are obtained by softmax function. Gated End-to-End Memory network uses the idea of adaptive gating mechanism of Highway Networks and integrate it into MemN2N. Highway Networks, first Highway Networks, first introduced by Srivastava [3], include a transform gate T and a carry gate C, allowing the network to learn how much information it should transform or carry to form the input to the next layer. The generic form of Highway Networks is formulated as: y=H(x) ʘ T(x) + x ʘ C(x) (5) where the transform gate T(x) and carry gate C(x), are defined as non-linear transformation functions of the input x and ʘ the Hadamard product. Here we are using simplified form of Highway network where carry gate is replaced by 1-T(x): y=H(x) ʘ T(x) + x ʘ (1-T(x)) (6) where T(x) = σ(WTx + T) and σ is the sigmoid function
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3732 Fig -1: Illustration of Gated End-to-End memory networks 3.1 Memory Representation As our model[1] conducts a conversation with the user, at each time step t, memory is formed by appending previous utterance from the user(c1 u , , ct u ) and responses from the bot(c1, ct 1), ie the entire conversation . At time t, model needs to choose the next bot’s response ct . We train on about 5000 full dialog transcripts in the training dataset, so at training time the model knows the upcoming utterance ct and the target response. All conversations can be represented as a bag-of-words and in memory it is represented as a vector using embedding matrix A. So the memory can be represented as: m=(AΦ(c1 u ),AΦ(c1)…,AΦ(ct 1 u ),AΦ(ct 1)) (7) where Φ(·) maps the utterance to a bag of dimension V (the vocabulary), and A is a d × V matrix, where d is the embedding dimension. Last user utterance cut as the “input” that is used directly in the controller. 3.2 Attention over the memory The last user utterance ct u is embedded using the same matrix A giving q = AΦ( ), which can also be seen as the initial state of the controller( ). At this point the controller reads from the memory to find intended parts of the previous conversation that are relevant to produce a response. The match between q and the memories is computed by taking the inner product followed by a softmax: = ( ), giving a probability P vector over the memories. The vector that is returned back to the controller is then computed by o=R∑ where R is a d × d square matrix. The gated end-to-end memory network is capable of dynamically conditioning the reading mechanism of memory controller state +1 at each hop. The controller is updated as below for a fixed number of iterations N(termed N hops). k (uk )=σ(WT k uk + T k ) (8) uk+1 = ok ʘ k (uk )+uk ʘ(1- k (uk )) (9) where WT k and T k are the hop-specific parameter matrix and bias term for the k th hop and k (x) the transform gate for the k th hop. 3.3 Choosing the response The final prediction is then defined as: â=Softmax(q +1 T WΦ( 1),...,q +1 T WΦ( )) (10) where there are C candidate responses in y, and W is of dimension d × V . In our tasks the set y is a candidate file that contains set of bot responses. The entire model is trained using stochastic gradient descent (SGD), minimizing a standard cross-entropy loss between â and the true label a. 4. EXPERIMENTS In this section, we first describe the natural language reasoning dataset we use in our experiments. Then, the experimental setup is detailed. Lastly, we present the results and analyses. 4.1 Restaurant Reservation Simulation Hospital appointment system is based on a set of facts and these facts may contain a specialization (5 choices eg., Dentist, Physician), doctor name under each specialization(5 choices eg., Roy, Madhu), appointment day(2 choices eg., today, tomorrow), patient profile. Since we cannot include all details of patient in dataset, we may add gender and age details (gender: 2 choices eg., male, female age: 5 choices eg., infant, child, young, middle-aged and old). Each doctor is assigned to a list of token numbers from 1 to 20 listed in the knowledge base. API calls are generated that consists of five fields eg., specialization: Dentist, doctor name: Dr Teena, appointment day: today and patent profile: male young. These API calls are saved in hospital database for each doctor appointment and a token number is also generated for each appointment. Conversations are generated randomly using these KB as in the format shown in the below figure. Each sample is a dialogue comprising utterances from a user and a bot, API calls and token number and these are all natural language pattern. There are 43 patterns for the user and 20 for the bot. Patterns means user can use 4 different ways to express something eg., can you make an appointment, I want an appointment, I would like to book a doctor, can you book a doctor, but bot uses same response eg., I’m on it, sure is there anything else to update. Those patterns combined with KB entities to form five thousand different samples of training data, validation data and test data. 4.2 Datasets Datasets for training, validation and testing are generated by randomly running scripts. These three are mutually exclusive datasets. Validation dataset is used to minimize overfitting as training dataset actually produces an increase in accuracy. A user request implicitly forms a query that contains the required fields for API call. The bot must ask questions for filling the missing fields and eventually generate the correct corresponding API call. The
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3733 bot asks questions in a deterministic order. Users then ask to update their requests between 1 and 3 times except for specialization. The order in which fields updated is random. The bot can confirm with users whether they are done with the updates and issue the updated API call. Token number is generated for each appointment. Users always accept the token number and conversation ends. Knowledge Base(KB) consists of 4,200 facts and 500 appointments each (5 specializations ˟ 5 doctors ˟ 2 days ˟ 2 gender ˟ 5 age groups) and the whole dataset contain disjoint sets of conversations. Training dataset contain 5,000 samples to create realistic learning conditions. All bot responses are stored in another file called candidate file, this file contain the labels. During testing we check if models generate new combinations of fields. Dialog systems are evaluated in a ranking and at each turn of the dialog candidates from candidate file are ranked from set of all bot utterances and API calls shown in training, validation and test sets. Thus it predicts bot utterance and API calls. Even though the model is trained with patterns for eg., can you make an appointment, I want an appointment, I would like to book a doctor, can you book a doctor, if user uses different pattern like please make an appointment or I need an appointment, the bot understand the context behind the dialogue and provide appropriate response. This is achieved by using model with multiple hops over the long term memory. As in [4], our model is fully end-to-end trained without any additional supervision other than the answers themselves. 4.3 Data Pre-Processing Next step is the tokenization of dialogs from the datasets. For performing tokenization, user and bot responses from the above files are separated and store into two lists u and r and perform tokenization. Then create another list context and append tokenized user utterance and bot response separately. This will constitute a conversation. Then create another list data and store previous conversation from context and current user question and append index from candidate file for the previous bot response. The tokenization process should do for all three files. So the final data list constitutes tokenized user utterances and bot responses with proper index from candidate file. Then a vocabulary or dictionary is created using the wordings used in the conversation and index also added to the vocabs. Then vectorize bot responses from candidate file based on the index in vocabulary. 4.4 Training Learning rate η is initially assigned a value of 0.001 with 500 epochs. Linear start is used in all our experiments as proposed by [4]. With linear start, the softmax in each memory layer is removed and re-inserted after 10 epochs. Batch size is set to 32 and gradients with an 2 norm larger than 40 are divided by a scalar to have norm 40. All weights are initialized randomly from a Gaussian distribution with zero mean and σ = 0.1 except for the transform gate bias 𝑏 which we empirically set the mean to 0.5. Only the most recent 50 sentences are fed into the model as the memory and the number of memory hops is 3. In all our experiments, we use the embedding size d = 20. Optimizer used is Adam Optimizer. We also constrain ourselves to the hop-specific weight tying scheme in all our experiments since GmemN2N benefits more from it than global weight tying. 4.5 Results While per-response accuracy calculates the percentage of correct responses, per-dialog accuracy, where a dialog is considered to be correct if and only if every response within it is correct, counts the percentage of correct dialogs. Accuracy is calculated by following equation: Where î is the predicted value of the i-th sample and i is the corresponding true value over nsamples. We passed over actual answer and predicted answer over sklearn. metrics function and received below accuracy. Training Accuracy: 0.866678031242 Validation Accuracy: 0.856304621164 Below screen shots shows examples of predictions of our model for test examples. Fig -3: Shows that the model identifies the language context and then reacts based on that intend, whereas rule based approach understands a pre-defined set of options.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3734 Fig -4: Shows that api calls are properly updated based on the user preferences Fig -4: Shows that the model is able to ignore grammatical errors 5. CONCLUSION AND FUTURE WORK In this paper we have proposed an attempt of incorporating an iterative memory access control to an end-to-end trainable memory enhanced neural network architecture. We showed the advantage of dynamic regulation of memory interaction, but it is still lack in some areas. In future work, we will investigate our model in language modeling and predictive learning so that the machine is more intelligent in goal based applications even though we are using synonyms or out of vocabulary words during conversation. REFERENCES [1] A. Bordes and J. Weston. Learning end-to-end goal- oriented dialog. In Proceedings of ICLR.March 2017 [2] A. Kumar, O. Irsoy, P. Ondruska, M. Iyyer, J. Bradbury, I. Gulrajani, and R. Socher, Ask Me Anything: Dynamic Memory Networks for Natural Language Processing. In Proceedings of the 33rd International Conference on Machine Learning (ICML 2016), New York, USA [3] R. Srivastava, K. Greff, and J. Schmidhuber. Highway networks. In ICML 2015 Deep Learning workshop [4] S. Sukhbaatar, A. Szlam, J. Weston, and R. Fergus. 2015. End-to-end memory networks. In Proceedings of Advances in Neural Information Processing Systems (NIPS 2015), pages 2440–2448, Montreal, Canada. [5] J. Weston, S. Chopra, and A. Bordes. 2015. Memory networks. In Proceedings of the 3rd International Conference on Learning Representations (ICLR 2015), San Diego, USA. [6] J. Weston, A. Bordes, S. Chopra, A. Rush, B. Merrienboer, A. Joulin and T. Mikolov. 2016. Towards AI-complete question answering: A set of prerequisite toy tasks. In Proceedings of the 4th International Conference on Learning Representations (ICLR 2016), San Juan, Puerto Rico. [7] C. Xiong, S. Merity, and R. Socher. 2016. Dynamic memory networks for visual and textual question answering. In Proceedings of the 33rd International Conference on Machine Learning (ICML 2016), pages 2397–2406, New York, USA. [8] R. Srivastava, K. Greff, and J. Schmidhuber. 2015b. Training very deep networks. In Proceedings of Advances in Neural Information Processing Systems (NIPS 2015), pages 2377–2385, Montreal, Canada [9] A. Miller, A. Fisch, J. Dodge, A. Karimi, A. Bordes, and J. Weston. 2016. Key-value memory networks for directly reading documents. In Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing (EMNLP 2016), Austin, USA.
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 03 | Mar-2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 6.171 | ISO 9001:2008 Certified Journal | Page 3735 [10] Y. Chen, D. Hakkani-Tür, G. Tur, J. Gao, and L. Deng, (2016). End-to-end memory networks with knowledge carryover for multi-turn spoken language understanding. In Proceedings of Interspeech. [11] F. Liu, J. Perez (2017). Gated End-to-End Memory Networks. In Proceedings of the 15th Conference of the European Chapter of the Association for Computational Linguistics(ACL 2017), Spain [12] H. Wang, Z. Lu, H. Li, and E. Chen, (2013). A dataset for research on short-text conversations. In EMNLP. [13] Z. Wang, and O. Lemon, (2013). A simple and generic belief tracking mechanism for the dialog state tracking challenge: On the believability of observed information. In Proceedings of the SIGDIAL 2013 Conference. [14] S. Young, M. Gasic, B. Thomson, and J. D. Williams, (2013). Pomdp-based statistical spoken dialog systems: A review. Proceedings of the IEEE,101(5), 1160–1179.