Creative Commons Attribution Non-Commercial License

Copyright: © the author(s), publisher and licensee Technoscience Academy. This is an open-access article distributed under the
terms of the Creative Commons Attribution Non-Commercial License, which permits unrestricted non-commercial use,
distribution, and reproduction in any medium, provided the original work is properly cited
International Journal of Scientific Research in Computer Science, Engineering and Information Technology
ISSN : 2456-3307 (www.ijsrcseit.com)
doi : https://doi.org/10.32628/CSEIT217351
262
Designing and Implementing Conversational Intelligent Chat-bot Using
Natural Language Processing
Asoke Nath*1
, Rupamita Sarkar1
, Swastik Mitra1
, Rohitaswa Pradhan1

1Department of Computer Science, St. Xavier’s College (Autonomous), Kolkata, India

Article Info
Volume 7, Issue 3
Page Number: 262-266

Publication Issue :
May-June-2021

Article History
Accepted : 15 May 2021
Published : 22 May 2021
ABSTRACT
In the early days of Artificial Intelligence, it was observed that tasks which
humans consider ‘natural’ and ‘commonplace’, such as Natural Language
Understanding, Natural Language Generation and Vision were the most difficult
task to carry over to computers. Nevertheless, attempts to crack the proverbial
NLP nut were made, initially with methods that fall under ‘Symbolic NLP’. One
of the products of this era was ELIZA. At present the most promising forays into
the world of NLP are provided by ‘Neural NLP’, which uses Representation
Learning and Deep Neural networks to model, understand and generate natural
language. In the present paper the authors tried to develop a Conversational
Intelligent Chatbot, a program that can chat with a user about any conceivable
topic, without having domain-specific knowledge programmed into it. This is a
challenging task, as it involves both ‘Natural Language Understanding’ (the task
of converting natural language user input into representations that a machine
can understand) and subsequently ‘Natural Language Generation’ (the task of
generating an appropriate response to the user input in natural language).
Several approaches exist for building conversational chatbots. In the present
paper, two models have been used and their performance has been compared
and contrasted. The first model is purely generative and uses a Transformerbased architecture. The second model is retrieval-based, and uses Deep Neural
Networks.
Keywords: Natural Language Processing, Natural Language Understanding,
Natural Language Generation, Deep Neural Networks, Artificial Intelligence,
Transformer Model, Intelligent Agent, Chatbot.
I. INTRODUCTION
Natural Languages are those that came into
existence for the purpose of being used by
humans in order to interact with one another.
Such languages have evolved alongside humans,
without any conscious planning. Natural
Language Processing resides at the overlap
between Linguistics, Computer Science and
Artificial Intelligence and involves
understanding, analysing, processing and
manipulating Natural Language data.
Building a Conversational Bot using Artificial
Intelligence is a problem in the field of Natural
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
933
Language Processing, whose aim is to construct an
intelligent agent which is able to hold a
conversation in human understandable language,
with another human or in some cases, another
intelligent agent.
The field of conversational chatbots can prove to
be a gateway for machines to understand humans
and human connections better, since language is
one of our largest tools of communication and for
improvement in quality of conversation it is a
must for a chatbot to master a language and
explore its depths. Chatting experience can
further be enhanced by enabling text-based
sentiment analysis in a chatbot model which shall
help the bot to better understand the sentiment
and feelings behind a user message.
Chatbots are currently seeing extensive
implementation in online customer services,
appointment booking (doctor’s appointment,
business appointments etc.), providing
psychological counselling, and question
answering. Bots like Facebook messenger chatbot
allows businesses to communicate effectively
with their customers.
Such chatbots can range from simple domainspecific question answering bots to more random
chatter bot which can even simulate personality
traits such as empathy, sense of humour,
compassion etc.
II. LITERATURE REVIEW
The generative chatbot built for this paper uses a
transformer architecture and the Retrieval based
bot uses a Deep Neural Net architecture. A
generative Transformer model takes each word of
an input sequence, processes them in parallel and
outputs the probability of the next word in the
output sequence. The Transformer model
implemented in this paper is based directly on
the paper by Vaswani et. al., 2017 [1], which first
brought transformers into existence. The
Transformer model discussed in this paper had
been trained on the WMT 2014 English-German
dataset, which is an English to German
translation dataset consisting of about 4.5 million
sentence pairs and on the significantly larger
WMT2014 English-French translation dataset
consisting of 36M sentences and split tokens into
a 32000 word-piece vocabulary. This is also the
base model for many architectures performing
different NLP tasks, including building chatbots.
This model does quite well on Neural Machine
Translation tasks, with a BLEU score of 41.0 on
the big model trained on English-French dataset.
BLEU score is a popular metric in NLP for
evaluating the quality of a generated sequence by
computing the number of n-grams in the machine
generated sequence matching against the n-grams
in the target sequence provided by a human. An
n-gram here is a n-word ordered set which is a
subsequence of any given sequence. In the Neural
Machine Translation task, a model learns to relate
words/phrases of the input language to
words/phrases of the target language. When it
comes to building a chatbot, this particular base
model needs to be altered to do the job. The
Blenderbot (Roller et. al., 2020) [2] uses the
transformer of [1] as its base model and builds
three different architectures on top of this base
model: a retrieval-based architecture, a generative
architecture and a retrieve-and-refine model. The
retrieval-based architecture of Blenderbot uses
two poly-encoder models (Humeau et. al., 2020)
[3] which is a pre-trained architecture with an
additional pre-trained attention mechanism for
increasing the number of global feature
representations. Also, it uses a ranking system
based on cross-entropy loss of one correct sample
and multiple negative samples. The generative
model is inspired by ParlAI (Miller et. al., 2017)
[4], which comprises multiple tasks and agents
where the tasks are APIs representing various
problems and the agents are applied to solve these
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
934
tasks. The tasks can be of type conversation logs,
online or reinforcement learning tasks, and also
real language and simulated tasks. ParlAI is based
on the three main concepts of world- this is an
environment which can have two conversing
agents and it can also be an environment with
multiple conversing agents; agent- can be a
human, a hard coded bot or a system trained with
machine learning and an agent can speak i.e.,
converse; teacher- an entity that converses with
the learner to help it learn to speak. For decoding
from the set of output word probabilities and
deciding on the output word in Blenderbot, the
Beam Search decoding has been experimented. In
Beam Search, instead of always choosing the word
with highest probability (greedy search), a beam
length b is decided. For the first output word, the
b highest probability words are chosen. For each
of these b first words, b words are chosen such
that the combined probability of the previous and
the new word is amongst the b highest
probability combinations. This goes on until all
the possible word sequences reach the maximum
number of words allowed in the output, at which
point, the word sequence with the highest
probability (product of the probabilities of each
constituent word) is selected for output. For
sampling from decoder outputs, top-k and search
and rank approaches have been tried out. The
top-k approach has been used in the Transformer
model chatbot discussed in this paper and the topk method was used in Holtzman et. al., (2020)
[14]. This paper comes up with the top-k
sampling approach while trying to discuss a very
common problem faced by purely generative text
generation models and this problem is called
Neural Text Degeneration, and it entails the
repetition of the same word or phrase in the
output sequence, such that the frequency of this
repetition makes the sequence look like an
incoherent loop. The top-K approach randomly
samples an output word from a set of k highest
probability words. This reduces the chance of text
degeneration due to repetition quite a bit.
III. OUR PROPOSED ALGORITHM
This paper discusses two algorithms: the
transformer algorithm for purely generative
chatbot and the Deep Neural Net algorithm for
retrieval-based bot.

A. Transformer:
The transformer model uses two different data
sets, the first is the Cornell Movie Dialog Corpus.
The next dataset is a custom dataset created from
multiple famous books and novels (Including
Sherlock Holmes, The Shining, The Picture of
Dorian Grey etc). This custom dataset has been
used to increase the size of the training dataset as
well as for providing well-structured text
generation examples for the Transformer.
The transformer model is based on the model
discussed in the paper: Attention is All You Need
(Vaswani et. al., 2017). The basic modules of this
architecture are briefed as follows:
1) Preprocessing: The sequences with less than
5 words are removed and all words that
occur less than 50 times in the individual
datasets are also removed. The sequences are
then tokenized and padded.
2) Word Embedding: Word embeddings have
been created with a dimension d_model =
128. This dimension has been maintained for
the parameter matrices throughout the
architecture. The code snippet in Fig. shows
the creation of word embedding in
Tensorflow.
3) Positional Encodings: Positional embeddings
are used for capturing information regarding
the absolute position of a word in a sequence
as well as the relative position of each word
with respect to the other words in the
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
935
sequence. Sine and Cosine waves have been
used for capturing the positional information
of even and odd positions respectively.
4) Multi Headed Self Attention: The task of the
self-attention layer is to find out the
relationship of each word in a sequence with
all the other words in that sequence. The
input to the self-attention is the positional
embedding matrix (in case of encoder) and
the masked positional embedding matrix (in
case of decoder). Three copies of the input
are made. What it does is take a single word
of a sequence and computes the degree of
relevance (attention) of every other word in
the sequence with that word. A single selfattention mechanism is called a head. The
transformer model uses multiple such selfattention heads in both encoder and decoder.
5) Look Ahead Mask: The solution to this is the
look-ahead mask that creates a matrix which
is to be added to the output of every selfattention head. This mask is designed in such
a way that for every word (with respect to
which self-attention is computed at any
instant), all the words coming after it in the
sequence will be masked out.
Total trainable parameters: 1,539,157

B. Retrieval Based Bot:
The authors created the intents dataset for this
bot and preprocessed it using the Natural
Language ToolKit (NLTK). The retrieval-based
bot has its data in JavaScript Object Notation
(JSON) format stored in a file called
conversation_intents.json.

Figure 1. Transformer Model Summary
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
936
The various intent classes in the dataset include:
purpose, feelings, family, politics, suicidal,
sadness, covid etc. There are a total 38 intents in
the dataset. The model used for this bot is a Deep
Neural Network model with alternating Dense
and Dropout layers. All the non-final Dense
layers use ReLU activation and the final Dense
layer uses Softmax activation function.
It is a classification model that classifies the user’s
input into one of the 38 intent classes, following
which a random response is selected from the set
of predefined responses. This randomly chosen
response is then displayed as the chatbot’s reply.
Total Trainable parameters: 51,174
IV. RESULTS AND DISCUSSION

Transformer:
● epochs – 10,
● loss (sparse categorical cross-entropy) –
3.8488,
● accuracy (sparse categorical accuracy)-
0.1979
Retrieval Based bot:
● epochs – 200,
● loss – 0.2081,
● accuracy – 0.9142
i used to rule the world
sure as door this himself before take her every find we ever other house many
seas would rise when i gave the word
hands find had room always might all and under most but think life such no
one-minute i held the key then the walls were closed on me and i discovered that my castles stand upon
pillars of salt and pillars of sand
yet through any day at work always made their house right little found now against
her eyes and words are so icy oh but she burns like rum on fire . hard and fast and angry as she can be i walk
my days on a wire
what turned how you home might something time never ever it’s other her place last
Conversation of Purely Generative Transformer Bot where the normal fonts and messages from user and the
bold fonts are replies from bot
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
937
Figure 2. questions that test the self-awareness of the bot

Figure 3. Some imperfect replies from the bot

Figure 4. Bot’s awareness about COVID-19
C. Reason for the Performance Difference There is an obvious difference in the quality of
conversation of the Generative Chatbot and the
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
938
Retrieval Based Chatbot. The Retrieval based bot
is superior when it comes to providing
grammatically correct and meaningful replies.
The replies are meaningful with respect to the
user’s message so long as the bot can successfully
classify the intent of the user message. On the
other hand, the generative chatbot is uttering
unintelligible sentences. The reason for this is
given in the comparison table below:
1) The purely generative Transformer Bot
literally generates the output sequence one
word at a time, using no outside help. All it has
is the input sequence and its own internal
mechanism to rely upon. This is why a purely
generative chatbot falls under the category of
Language Models, which are models that
predict the probability of each word in the
sequence. Chatbots as well as other text
generators fall under this category.
Retrieval based bots are provided with a set of
intents which serve as topics on which the
chatbot is capable of holding conversation. For
each topic there are a set of sequences which
serve as the examples of the kind of user
messages the bot might expect and using these
the bot is trained to classify the user message
under the correct intent. So the task of this
chatbot is not to generate an output sequence
word by word, but to figure out which topic
the user message falls under. Once classified, it
randomly selects one of the reply strings from
the set of reply strings provided for that intent
and outputs it.

Figure 5. Model Summary of Retrieval Based Deep Neural Net Bot
2) The final layer of the generative chatbot has to
compute the probability of each word in the
vocabulary of the corpus. If all words are kept,
this number can reach well over 20,000. For this
model, the authors eliminated all words below a
predetermined threshold frequency and there
were still 3412 words. So the final Dense layer of
the model had 3412 units and had to compute
the probability for each unit i.e., probability for
the word that unit represents. This adds to the
difficulty of making such predictions.
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
263
The final layer of the retrieval based bot has to
compute probability for 38 intents classes. This
significantly reduces the number of parameters
needed and also makes it easier for the model to
learn to classify correctly.
3) A transformer model has different kinds of
modules with different functionalities. The
SOTA (State Of The Art) Transformer models
that are used for text generation and as chatbots
all have a huge number of parameters.
Facebook’s Blenderbot for example have
variations that have been pre trained using 256M
parameters and 622M parameters [1]. To
parallelize computation on such a huge volume
of parameters (tremendously large matrices), it
requires memory and computational resources
like multiple distributed GPU or TPU that at this
moment only the largest corporates can support
and even then such bots are often a hybrid of
retrieval based and generative. The transformer
bot built in this paper has less than 2M
parameters (1,539,157 to be precise, with 6
layers for each Encoder and each Decoder Stack;
8 heads for each of the two multiheaded
attention and multiple, dense, dropout and
normalization in both Encoder and Decoder),
and trained on a single remote TPU provided by
google colab. So it is fair to say that the resources
available for this model do not allow it to reach
its full potential but at the same time the
Transformer Chatbot built for this project
demonstrates the functioning of such models.
The Retrieval based bot is built using a
sequential model with 51,174 parameters and 6
layers. The model is simpler and smaller and the
considerably less number of parameters makes it
trainable on a CPU. As a result, the model learns
fast with very little demand for resources.
4) To save time, it was necessary to cut short the
size of the training dataset of the Generative
Transformer Bot. The number of training
examples in our final corpus was 63846. Even
then the time it took for a single epoch to
complete was 380s i.e., 6 minutes. We have
limited the total number of epochs of the final
model to 10 and the total time taken to train the
model for 10 epochs was a little over 1 hr. When
trained on the entire dataset (size of which is
over 2,000,00), a single epoch took over 1 hr.
The size of our dataset was very small compared
to even those Transformer models that are
considered as “small”. For example, the size of
our data corpus is 6 MB whereas a small
RoBERTa-like model (which is a special variant
of the Transformer) needs 3 GB sized corpus to
train on [13]. The reason for requiring this huge
dataset is that this particular chatbot is to be
trained to understand human language and
generate text on its own and from scratch. This
is the same as a human child learning to build
comprehensive and coherent sentences on its
own. While a SOTA model still takes way less
time than a human child needs to learn to
generate meaningful texts, it still requires too
many resources which is very hard to provide for
students/practitioners/scholars.
The Retrieval based bot was trained with 200
epochs and each epoch took less than a minute
to complete. It does not need to learn to generate
text from scratch. It only needs to learn to
classify the user’s message into one of the classes
available to it, based on the word patterns
present in the user message. For a Retrieval
based model it is important to have a good
variation of user messages for each class and to
be very particular when deciding which user
message goes under which intent class, so as to
minimize the chance of misclassification. A
Retrieval based model is capable of holding
meaningful conversations even when trained
with very few parameters and on minimal
computational and memory resources, provided
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
264
that the Training dataset is well planned and the
intents and patterns are made to be specific and
the ambiguity is kept to the minimum.
How can a conversational bot be infused with a
sense of personality? The PERSONA-CHAT
dataset [15] has been created with help of crowd
workers who were asked to chat in pairs and
attempt for a natural conversation. The
conversations held between each pair had
different tones (topic wise and mood wise),
called profiles. Different personas were also
collected and for each persona there were five
profile sentences. These personas were for
training a conversational bot to infuse with the
essences of individual personalities. Here each
persona is essentially a short character summary
and the profile sentences assigned to each
persona, define that particular character. This
dataset can be used either for creating a dialog
agent capable of showing different personalities
or for training models that, given a dialog
history, will make predictions on the persona of
that dialog.
V. CONCLUSION AND FUTURE SCOPE

A. Limitations
1) Retrieval-Based Model
• Does not do well on topics that are outside its
scope – In this context, “scope” means the intents
that are defined for the chatbot. For instance, a
retrieval-based chatbot might have an intent
called “name” which indicates that the user is
asking for the chatbot’s name. A retrieval-based
chatbot tries to classify the intent of a user
message into one of those that are preprogrammed into it. However, the user might
enter a message such that the chatbot fails to
find an intent that fits the user message. This can
easily happen, as it is impossible for the
programmer to foresee all the kinds of messages
that a user can provide. In such a case, a
retrieval-based chatbot fails to provide
meaningful output.
• Might repeat replies for multiple questions that
belong to the same topic – The best that can be
done to prevent a retrieval-based chatbot from
repeating the exact same response for a question
on a given topic (intent), is to provide multiple
possible replies under each topic (intent) and
have it choose one at random to give as a reply.
Even under this scheme, since the number of
possible replies under each intent is not very
high, there can be frequent repetition of
response, when asked multiple questions on the
same topic.
2) Transformer-Based Model
• Might not provide grammatically correct or even
relevant replies – As seen in the “Results and
Discussion” section, the transformer-based
chatbot gives nonsensical output that is neither
related to the user’s query, nor grammatically
correct. The reason for this is closely linked to
the following limitation.
• Requires intensive computational resources to
train to desired performance – In this paper, the
term “desired performance” simply means
“coherent replies somewhat linked to the user’s
message”. Yet, even to achieve this simple
milestone, a transformer-based bot requires
massive computational resources. A detailed
breakdown of this is given in the table in section
C in Results and Discussion. Hence, it is usually
only feasible for big corporations having massive
computational assets, to implement productionlevel transformer-based chatbots, and even then,
they use hybrid models combining the two
classes viz. Retrieval-based and Transformerbased.
3) B. Scope for Future Improvement
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
265
• Increasing scale – For the transformer-based
model, increasing the corpus size, parameters
and computational resources (resources used to
train) could make a huge difference to its
performance. As for the retrieval-based chatbot,
more intents could be added to make the chatbot
able to answer a wider range of questions.
• Using a hybrid model – Even production-level
generative chatbots are not purely generative.
They use retrieval-based models in addition, to
get the best of both worlds. For instance, one
strategy could be to let the retrieval-based model
reply if it is able to classify the intent of a user
message, but if it is unable to classify the intent,
then to let the generative model generate a
reply.
• Better User Interface – An application with a
user-interface like those of mobile chat
applications could be designed. Further, the
processing of the user message and generation of
replies could be moved to a server, requiring a
user to only install a front-end application,
reducing the processing power needed by an
end-user to run the application. Of course, in
that case, the server would receive requests in
the form of user messages and send back replies.
• Text-To-Speech and Speech-To-Text – For users
who require assistive technologies (visually
impaired users) or simply for lazy convenience, a
user could speak their message instead of typing
it and the application would automatically
convert it into text. Similarly, when the chatbot
replies to a user’s message, the reply could be
read out aloud by the application for the user to
hear.
• Performance Measurement using NLP Metrics –
In the future, the performance of this Chatbot
could be more accurately measured using metrics
such as BLEU score(Bilingual Evaluation
Understudy Score), perplexity, etc.
VI. ACKNOWLEDGEMENT
The authors are indebted to the Post Graduate
Department . of Computer Science, St. Xavier’s
College(Autonomous), Kolkata, for providing them
an opportunity to work on “Intelligent Chatbot”. The
authors Dr. Asoke Nath, Rupamita Sarkar, Swastik
Mitra, and Rohitaswa Pradhan are very much
grateful to Dr. Rev. Dominic Savio, S.J, Principal of
St. Xavier’s College(Autonomous), Kolkata for giving
all time support to do research work in Science and
Engineering.
VII. REFERENCES

[1]. Ashish Vaswani, Noam Shazeer, Niki Parmar,
Jakob Uszkoreit, Llion Jones, Aidan N. Gomez,
Łukasz Kaiser, llia Polosukhin, “Attention is All
You Need”, Page-2-6, 2017, Conference on
Neural Information Processing Systems, Long
Beach, CA, USA.
[2]. Stephen Roller, Emily Dinan, Naman Goyal, Da
Ju, Mary Williamson, Yinhan Liu, Jing Xu,
Myle Ott, Kurt Shuster, Eric M. Smith, Y-Lan
Boureau, Jason Weston, “Recipes for building
an open-domain chatbot”, Facebook AI
Research, 30th April, 2020.
[3]. Humeau et al, Facebook AI research, 25th
March, 2020.
[4]. Miller et al, Facebook AI research, 2017.
[5]. Denny Britz, “Recurrent Neural Network
Tutorial, Part 4 – Implementing a GRU/LSTM
RNN with Python and Theano.,” WILDML, 27-
Oct-2015.
[6]. Dzmitry Bahdanau, KyungHyun Cho, Yoshua
Bengio, “Neural Machine Translation By Jointly
Learning to Align and Translation”, Page-3-4,
2015, Conference paper at ICLR.
[7]. “Neural Machine Translation with Attention.”,
tensorflow.org.
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
266
[8]. Amir Ali, Muhammad Zain Amin,
“Conversational AI Chatbot Based on EncoderDecoder Architectures with Attention
Mechanism”, Page-8-10, 2019, Artificial
Intelligence Festival 2.0, NED University of
Engineering and Technology, Karachi,
Pakistan.
[9]. Abonia Sojasingarayar, “Seq2Seq AI Chatbot
with Attention Mechanism”, Page-3-10, 2020,
IA School/University, Boulogne-Billancourt,
France.
[10]. J.Prassanna, Khadar Nawas K, Christy Jackson J,
Prabakaran R, Sakkaravarthi Ramanath,
“Towards Building a Neural Conversation
Chatbot through Seq2Seq Model”, International
Journal of Scientific & Technology Research,
ISSN 2277-8616, Vol-9, Issue-3, Page-2, 2020.
[11]. A. Gillioz, J. Casas, E. Mugellini and O. A.
Khaled, “Overview of the Transformer-based
Models for NLP Tasks,” 15th Conference on
Computer Science and Information Systems
(FedCSIS), Sofia, Bulgaria, 2020, pp. 179-183,
doi: 10.15439/2020F20.
[12]. Julien Chaumond, Patrick von Platen, Orestis
Floros, Anthony MOI, Aditya Malte, “How to
train a new language model from scratch using
Transformers and Tokenizers”,
blog/01_how_to_train.ipynb at master •
huggingface/blog (github.com), 11th March,
2021.
[13]. Ari Holtzman, Jan Buys, Li Du, Maxwell
Forbes, Yejin Choi, “The Curious Case Of
Neural Text DeGeneration”, Conference Paper
at ICLR, 14th February 2020.
[14]. Saizheng Zhang, Emily Dinan, Jack Urbanek,
Arthur Szlam, Douwe Kiela, Jason Weston,
“Personalizing Dialogue Agents: I have a dog,
do you have pets too?”, Montreal Institute for
Learning Algorithms, MILA and Facebook AI
Research, 25th September.
AUTHOR’S PROFILE
Dr. Asoke Nath is working as Associate Professor in
the department of Computer Science, St. Xavier’s
College (Autonomous), Kolkata. He is engaged in
research work in the field of
Cryptography and Network
Security, Steganography, Green
Computing, Big Data Analytics,
Li-Fi technology, Mathematical
modelling of Social Area
Networks, MOOCs, etc.
He has published 253 research articles in different
journals and conference proceedings.
Rupamita Sarkar is a
Postgraduate student of
Computer Science at St.
Xavier’s College
(Autonomous), Kolkata. Her
interests include Data Science
and Machine Learning, with a
particular leaning towards Natural Language
Processing.
Swastik Mitra is a
Postgraduate student of
Computer Science at St.
Xavier’s College
(Autonomous), Kolkata. He is
interested in research work in
the field of Machine Learning
and Artificial Intelligence. Specifically, his topics of
interest are Deep Learning and Natural Language
Processing. He also shares an interest in Data Science,
Big Data Analytics, Algorithms, and Distributed
Systems.
Volume 7, Issue 3, May-June-2021 | http://ijsrcseit.com
Asoke Nath et al Int. J. Sci. Res. Comput. Sci. Eng. Inf. Technol, May-June – 2021, 7 (3) : 262-266
267
Rohitaswa Pradhan is a
Postgraduate student of
Computer Science at St.
Xavier’s College
(Autonomous), Kolkata. He is
interested in the fields of
Analysis of Algorithms, Data
Science and Machine Learning. He is also
enthusiastic about various Software Development
technologies and Development Methodologies.
Cite this Article
Asoke Nath, Rupamita Sarkar, Swastik Mitra,
Rohitaswa Pradhan , “Designing and Implementing
Conversational Intelligent Chat-bot Using Natural
Language Processing “, International Journal of
Scientific Research in Computer Science, Engineering
and Information Technology (IJSRCSEIT), ISSN :
2456-3307, Volume 7 Issue 3, pp. 262-266, May-June
2021. Available at doi
: https://doi.org/10.32628/CSEIT217351
Journal URL : https://ijsrcseit.com/CSEIT217351

Call us 24/7:
Calculate your essay price
(550 words)

Approximate price: $22

23 k happy customers
9.7 out of 10 satisfaction rate
833 writers active

Real Reviews from our Customers

Academic Writing Service of a Professional Level

Any academic writer who wishes to join our team of professional writers must possess all the following qualities:

 

To write an exemplary academic paper, you must have good critical thinking skills, possess the proper knowledge of the discipline, and be knowledgeable about applying an academic writing style.

As such we have a rigorous recruitment process. We only collaborate with professional academic writers. We believe in offering the highest quality academic writing services. Our writers pass various grammar and academic writing tests. They have to provide documents about their personal information and credentials to prove their level of expertise.

As a result, our clients receive papers that are thoroughly-researched, properly cited, and written within academic standards. We are proud that any academic writer from our writer's team can complete the paper at a high standard.

We work with the student’s budget because we know that students are usually on a budget majority of the time. We do not compromise on quality because of low prices. On the contrary, we love to foster a good relationship with our clients. That is why we charge our clients reasonable prices, and we are willing to negotiate and work with their budget.

It may be quite disturbing to decide whether to hire an academic writing company. We care about our client’s privacy and confidentiality. We never disclose your information to third parties. We never publish your paper online. You can use our academic writing service without any fear or anxiety.

Many students struggle with writing academic papers. Some barely have time to do their assignments because of their job and family responsibilities. Others have difficulty applying critical thinking skills or meeting time or assignment requirements. Whatever the reason is, you can always have time to do the things you love and other important things. All you need is a reliable and quality academic writing service. Unfortunately, even if you strongly desire to write the paper yourself, you sometimes face unexpected challenges. As we all know, life is unpredictable! Your teacher may be unconcerned about helping students and may not answer your questions. The good news is that there is a way out! You can hire an online academic writer to help you with your assignments. All you need to do is stipulate your paper requirements in the order form, and you can spend your time as you like.

Our Mission

Our company commits towards delivering high-quality custom papers to our clients. We seek to offer reliable essay writing services to our customers in various subject areas. Our customers are very valuable to us. As such, we commit to ensuring that they derive the utmost satisfaction from the essays we deliver. We have a mission to promote our clients' educational and professional lives by providing high-quality essays for their use. We also have a mission to offer a convenient essay writing system where our customers can easily order and pay for the services. We value quality and professionalism in our company.

Get professional help from our brilliant, skilled, and experienced essay writers

We write papers on any subject area, and we also write various types of papers for various purposes. We have a team of able writers who are eager to help our customers with writing services of exceptional quality. We offer custom writing services for customers across the globe and charge affordable prices for our services. We are the best essay writing company offering personalized services to all our customers. We ensure our customers receive maximum satisfaction from the essays we deliver. Our website is the place to be if you are seeking high-quality essays.

By using our academic writing service, we match your paper subject with a writer with a degree in the subject. The writer is able to apply their skills, knowledge, and expertise to the paper. You receive an original, unique, well-research paper, properly cited and formatted. As such, you are assured of a high-quality paper.

Academic Writing Help From Professionals

Truth be told, writing assignments can be stressful and difficult for any student. There is no shame in getting academic writing help. When you search the term “get academic writing help” there are numerous sites that pop up on the results and our website is among them. So, why is it a great idea to choose us?

During your course, your instructor will assign various types of homework. Our academic writers can prepare essays, presentations, speeches, case studies, research papers, dissertations, thesis papers, and more. Our writer’s department is capable of tackling any assignment of any complexity easily. All you need is to give us detailed instructions to help our experts understand the task.After doing so, you can rest assured that everything is in control, and we will deliver a paper of unmatchable quality.

Expert Assignment Help for College/University Students

Are you a college or university student pursuing your Bachelor’s , Masters, PhD, or Doctorate degree? Sometimes juggling schoolwork with work, family and hobbies can seem like a daunting task. You have to sacrifice one or the other. The sole purpose of our website is to alleviate your academic burdens. We ensure that you do not fail in your classes and you get good grades consistently. We understand that there is a need for academic help.

We acknowledge that our clients are not dumb or lazy but only need academic life need help in order to live a balanced life and make ends meet. We make it our core priority to ensure that all assignments are done and submitted before the stipulated deadlines. All our writers are graduates. They are competent in handling the clients’ assignments. We step in to help you with any and all of your assignments. Our assignment help service ensures that you never miss a grade or deadline.

Proceed to order page

Online Academic Help With Different Subjects

Literature

Students barely have time to read. We got you! Have your literature essay or book review written without having the hassle of reading the book. You can get your literature paper custom-written for you by our literature specialists.

Finance

Do you struggle with finance? No need to torture yourself if finance is not your cup of tea. You can order your finance paper from our academic writing service and get 100% original work from competent finance experts.

Computer science

Computer science is a tough subject. Fortunately, our computer science experts are up to the match. No need to stress and have sleepless nights. Our academic writers will tackle all your computer science assignments and deliver them on time. Let us handle all your python, java, ruby, JavaScript, php , C+ assignments!

Psychology

While psychology may be an interesting subject, you may lack sufficient time to handle your assignments. Don’t despair; by using our academic writing service, you can be assured of perfect grades. Moreover, your grades will be consistent.

Engineering

Engineering is quite a demanding subject. Students face a lot of pressure and barely have enough time to do what they love to do. Our academic writing service got you covered! Our engineering specialists follow the paper instructions and ensure timely delivery of the paper.

Nursing

In the nursing course, you may have difficulties with literature reviews, annotated bibliographies, critical essays, and other assignments. Our nursing assignment writers will offer you professional nursing paper help at low prices.

Sociology

Truth be told, sociology papers can be quite exhausting. Our academic writing service relieves you of fatigue, pressure, and stress. You can relax and have peace of mind as our academic writers handle your sociology assignment.

Business

We take pride in having some of the best business writers in the industry. Our business writers have a lot of experience in the field. They are reliable, and you can be assured of a high-grade paper. They are able to handle business papers of any subject, length, deadline, and difficulty!

Statistics

We boast of having some of the most experienced statistics experts in the industry. Our statistics experts have diverse skills, expertise, and knowledge to handle any kind of assignment. They have access to all kinds of software to get your assignment done.

Law

Writing a law essay may prove to be an insurmountable obstacle especially when you need to know the peculiarities of the legislative framework. Take advantage of our top-notch law specialists and get superb grades and 100% satisfaction.

Affordable prices

HIGH SCHOOL
from

$10 page

COLLEGE
from

$13 page

UNIVERSITY
from

$14 page

Our prices depend on the urgency of your assignment, your academic level, the course subject, and the length of the assignment. Basically, more complex assignments will cost more than simpler ones. The level of expertise is also a major determinant of the price of your assignment.

Calculate price

Cheap essay writing service

If you need professional help with completing any kind of homework, is the right place to get it. Whether you are looking for essay, coursework, research, or term paper help, or with any other assignments, it is no problem for us. At our cheap essay writing service, you can be sure to get credible academic aid for a reasonable price, as the name of our website suggests. For years, we have been providing online custom writing assistance to students from countries all over the world, including the US, the UK, Australia, Canada, Italy, New Zealand, China, and Japan.

Our cheap essay writing service has already gained a positive reputation in this business field. Understandably so, since all custom papers produced by our academic writers are individually crafted from scratch and written according to all your instructions and requirements. We offer APA, MLA, or a Chicago style paper in almost 70 disciplines. Here, you can get quality custom essays, as well as a dissertation, a research paper, or term papers for sale. Any paper will be written on time for a cheap price.

Using our cheap essay writing help is beneficial not only because of its easy access and low cost, but because of how helpful it can be to your studies. Buy custom written papers online from our academic company and we won't disappoint you with our high quality of university, college, and high school papers. Although our writing service is one of the cheapest you can find, we have been in the business long enough to learn how to maintain a balance between quality, wages, and profit. Whenever you need help with your assignment, we will be happy to assist you.

Proceed to order page

Cheap paper writing service provides high-quality essays for affordable prices

It might seem impossible to you that all custom-written essays, research papers, speeches, book reviews, and other custom task completed by our writers are both of high quality and cheap. It is surprising, but we do have some tricks to lower prices without hindering quality.

To start using our services, it’s enough to place a request like “I need a writer to do my assignment” or “Please, write an essay for me.” We have a convenient order form, which you can complete within minutes and pay for the order via a secure payment system. The support team will view it after the order form and payment is complete and then they will find an academic writer who matches your order description perfectly. Once you submit your instructions, while your order is in progress and even after its completion, our support team will monitor it to provide you with timely assistance.

Affordable essay writing service: get custom papers created by academic experts

Hiring good writers is one of the key points in providing high-quality services. That’s why we have entry tests for all applicants who want to work for us. We try to make sure all writers working for us are professionals, so when you purchase custom-written papers, they are of high quality and non-plagiarized.

Our cheap essay writing service employs only writers who have outstanding writing skills. The quality of all custom papers written by our team is important to us; that is why we are so attentive to the application process and employ only those writers who can produce great essays and other kinds of written assignments. All our writers are graduates. They are competent in handling the clients’ assignments. We step in to help you with any and all of your assignments. Our assignment help service ensures that you never miss a grade or deadline.

Plagiarism-free affordable papers

All our cheap essays are customized to meet your requirements and written from scratch. Our writers have a lot of experience with academic papers and know how to write them without plagiarism. Moreover, at our academic service, we have our own plagiarism-detection software which is designed to find similarities between completed papers and online sources. You can be sure that our custom-written papers are original and properly cited.

Our essay writing service has a 0% plagiarism tolerance. We are well aware of the dangers of plagiarism. Plagiarism is academic suicide. Our essay writing service ensures that all papers are original. We do not sell pre-written papers. All papers are written from scratch as per the instructions. We pass our papers through powerful anti-plagiarism software such as SafeAssign and TurnItIn.

Money-back guarantee

Our cheap essay writing service tries to always be at its best performance level, so each customer who pays money for paper writing can be sure that he or she will get what is wanted. On the off chance that you don’t like your order, you can request a refund and we will return the money according to our money-back guarantee.

There can be a number of reasons why you might not like your order. If we honestly don’t meet your expectations, we will issue a refund. You can also request a free revision, if there are only slight inconsistencies in your order. Your writer will make the necessary amendments free of charge. You can find out more information by visiting our revision policy and money-back guarantee pages, or by contacting our support team via online chat or phone.

On-time Delivery

We know how important any deadline is to you; that’s why everyone in our company has their tasks and perform them promptly to provide you with the required assistance on time. We even have an urgent delivery option for short essays, term papers, or research papers needed within 8 to 24 hours.

We appreciate that you have chosen our cheap essay service, and will provide you with high-quality and low-cost custom essays, research papers, term papers, speeches, book reports, and other academic assignments for sale. We beat all deadlines. We can also handle urgent orders with deadlines as short as 1 hour. Our urgent paper writing service does not compromise on quality due to the short deadline. On the contrary, our essay writers have a lot of experience which comes in handy in such situations.

24/7 support

We provide affordable writing services for students around the world. That’s why we work without a break to help you at any time, wherever you are located. Contact us for cheap writing assistance. Our impeccable customer support team will answer all your questions and help you out with any issues.

Proceed to order page
Place your order
(550 words)

Approximate price: $22

Calculate the price of your order

550 words
We'll send you the first draft for approval by September 11, 2018 at 10:52 AM
Total price:
$26
The price is based on these factors:
Academic level
Number of pages
Urgency
Basic features
  • Free title page and bibliography
  • Unlimited revisions
  • Plagiarism-free guarantee
  • Money-back guarantee
  • 24/7 support
On-demand options
  • Writer’s samples
  • Part-by-part delivery
  • Overnight delivery
  • Copies of used sources
  • Expert Proofreading
Paper format
  • 275 words per page
  • 12 pt Arial/Times New Roman
  • Double line spacing
  • Any citation style (APA, MLA, Chicago/Turabian, Harvard)

Our guarantees

Delivering a high-quality product at a reasonable price is not enough anymore.
That’s why we have developed 5 beneficial guarantees that will make your experience with our service enjoyable, easy, and safe.

Money-back guarantee

You have to be 100% sure of the quality of your product to give a money-back guarantee. This describes us perfectly. Make sure that this guarantee is totally transparent.

Read more

Zero-plagiarism guarantee

Each paper is composed from scratch, according to your instructions. It is then checked by our plagiarism-detection software. There is no gap where plagiarism could squeeze in.

Read more

Free-revision policy

Thanks to our free revisions, there is no way for you to be unsatisfied. We will work on your paper until you are completely happy with the result.

Read more

Privacy policy

Your email is safe, as we store it according to international data protection rules. Your bank details are secure, as we use only reliable payment systems.

Read more

Fair-cooperation guarantee

By sending us your money, you buy the service we provide. Check out our terms and conditions if you prefer business talks to be laid out in official language.

Read more
error: Content is protected !!
Open chat
1
Need assignment help? You can contact our live agent via WhatsApp using +1 718 717 2861

Feel free to ask questions, clarifications, or discounts available when placing an order.

Order your essay today and save 30% with the discount code HACK