0% found this document useful (0 votes)
136 views10 pages

Distributed Computing Help Book

The document is the answer key to a quiz on natural language processing. It contains 23 multiple choice questions testing concepts like the stages of NLP pipelines, types of ambiguity, morphological analysis techniques like stemming and lemmatization, n-grams, and techniques to compute word and sentence similarity.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
136 views10 pages

Distributed Computing Help Book

The document is the answer key to a quiz on natural language processing. It contains 23 multiple choice questions testing concepts like the stages of NLP pipelines, types of ambiguity, morphological analysis techniques like stemming and lemmatization, n-grams, and techniques to compute word and sentence similarity.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 10

Scheme R2016

Semester 8
Course Code DLO8012
Course Name Natural Language Processing
a b c d
Module No. Question No. Question Option-1 Option-2 Option-3 Option-4 Answer key
1 1 Which among the following is one of the stages in NLP pipeline? Sentiment Analysis Tokenization Spell Checking Syntax Analysis d
The process of understanding the meaning and interpretation of words, signs and
c
1 2 sentence structure is called as ________________. Tokenization Lexical Analysis Semanitc Analysis Sentiment Analysis
1 3 "I saw bats" contains which type of ambiguity? Syntactic Semantic Lexical Anaphoric c
1 4 "Sita loves her mother and Gita does too" contain which type of ambiguity? Syntactic Semantic Lexical Anaphoric b
"Linear sequnces of words are transformed into structure that show how the
b
1 5 words are related to each other " is the part of _____ Analysis. Semantic Syntactic Lexical Pragmatic
1 6 How many ambiguties exist in the following sentence. " I know little Italian". 1 3 2 0 a
1 7 In which of the following stages of NLP, does one draws parse tree? Morphological Syntactic Semantic Pragmatic b
Using pronouns to refer back entities already introduced in the text is called as
a
1 8 ________problem . Anaphora Misspellings Multiple Meaning Lexical problem
Stop word
___________technique looks at the meaning of the word. b
1 9 Stemming Lemmatization identification Morphological Analysis
Separating words into
individual morphemes Separating words into
Morphological Segmentation is ...... Finding the sense and identifyng the individual tokens and b
of each word in the class of the An extension of counting its frequency of
2 10 sentence morphemes propositional logic occurence
2 11 Capability vs Capabilities is an example of ______ morphology. Inflectional Normailzation Cliticization Derivational d
Predicting the
N-Gram language models cannot be used for -------. completion of a Removing semantic c
2 12 Spelling Correction sentence ambiguity Speech Recognition
Which type of ambiguity is present in the sentence "Old men and women were Attachment
b
2 13 taken to safe locations"? ambiguity Scope Ambiguity Discourse ambiguity Semantics Ambiguity
How many trigrams phrases can be generated from the following sentence, after
performing following text cleaning steps: Stopword Removal, Replacing
b
punctuations by a single space? “#Coursera is a great platform to learn
2 14 @Machine Learning.”? 3 4 5 6
Which of the following techniques can be used to compute the distance between Part of Speech
c
2 15 two words? Lemmatization Tagging Dekang Lin N-grams
How many bi-grams can be generated from given sentence:- "This is NLP
a
2 16 book."? 3 2 4 1
2 17 How is the word "consultants" stemmed? consultant consult consul consultants b
Consider the following corpus of 3 sentences. 1) I am here 2) who am I. 3) I
c
2 18 would like to go. Calculate P(here|am) assuming a bi-gram language model. 2/3 1 1/2 1/3
2 19 FST is used in _____ Analysis. Lexical Morphological Semantic Syntactic b
2 20 Which of the following is an example of free morphene? un ful ly town d
2 21 How is the word "change" stemmed using Porter Stemmer? chan chang change cha b
2 22 What is output of Morhological analysis for the input word 'mice'? mice N SG mouse N SG mouse N PL mice N PL c
Which of the following techniques can be used to compute similarity between Part of Speech
c
2 23 two sentences in NLP? Lemmatization Tagging Cosine Similarity N-grams
Rahul is going to Rahul is Coming from Rahul is in the school The Rahul the go to the
Which would definitely be rejected by the English syntactic analyzer? d
2 24 school School school
2 25 What is the single morpheme of word "Boxes"? Box Boxes Boxses Boxing a
2 26 How is the word "changing" lematized? chang changin chan change d
2 27 Which is standard notation for characterizing text sequences? Regular expression Syntatic expression Semantic expression Specific expression a
2 28 Which is most common algorithm used in English language for Stemming? Partial stemmer Porter stemmer faster stemmer Regular stemmer b
Solve the equation according to the sentence “I am planning to visit New York to
attend International Film Fare Festival”.
A = (# of words with Noun as the part of speech tag)
B = (# of words with Verb as the part of speech tag) d
C = (# of words with frequency count greater than one)
What are the correct values of A, B, and C?
3 29 5, 5, 2 5, 5, 2 7, 5, 1 7, 4, 1
[('They', 'PRP'),
Which of the following will be POS Tagger output when the input sentence is ('refuse', 'VBP'), [('They', 'NN'), [('They', 'PRP'), [('They', 'PRP'), ('refuse',
a
"They refuse to permit" ('to', 'TO'), ('refuse', 'VBP'), ('to', ('refuse', 'NN'), ('to', 'VBP'), ('to', 'PRP'),
3 30 ('permit', 'VB')] 'TO'), ('permit', 'VB')] 'TO'), ('permit', 'VB')] ('permit', 'VB')]
Words in the
In CFG,terminals mainly correspond to ...............while pre-terminals
Characters in the language, POS Words in the language, b
mainly correspond to ........
3 31 langauge, POS tags categories word relations Lexemes, POS Tags
3 32 HMM is used in __________ phase of NLP. Syntactic Semantic Lexical Pragmatics a
[('And', 'CC'),
('now', 'RB'), ('for', [('And', 'CC'), ('now', [('And', 'CC'), ('now', "[('And', 'CC'), ('now',
Which of the following will be POS Tagger output when the input sentence is 'IN'), ('something', 'RB'), ('for', 'IN'), 'RB'), ('for', 'IN'), 'RB'), ('for', 'CC'),
c
"And now for something completely different"? 'RB'), ('something', 'NN'), ('something', 'NN'), ('something', 'NN'),
('completely', 'RB'), ('completely', 'JJ'), ('completely', 'RB'), ('completely', 'RB'),
3 33 ('different', 'JJ')] ('different', 'RB')] ('different', 'JJ')] ('different', 'JJ')]"
Given a CFG and
its corresponding It requires ‘2n+1’
Which of the following is true? CNF, they both For a given grammar, productions or steps in a
produce the same there can be only one CNF to generate a CFG and CNF both are
3 34 language. CNF. string w of length ‘n’. same
Identify the POS tag for the word "nice" in following sentence
a
3 35 "It was indeed a nice night"? JJ JJR JJS RB
3 36 Which of the following belongs to the open class group? Noun Prepositions Determiners Conjunctions a
_____________________ is a group of words that may behave as a single unit or
a
3 37 phrase. Constituency Grammatical Relation Sub-categorization Dependancies
Hierarchical Hierarchical Analysis
Syntax Analyser is also known as __________________. d
3 38 Analysis Sequential Analysis General Analysis and Parsing
___________ tagger uses probabilistic and statistical information to assign tags
b
3 39 to words. Rule based Stochastic tagger Statistical Tagger POS tagger
3 40 "I want an early upgrade" What is the type of word class for word "want" ? Verb Determinant Personal Pronoun Adjective a
3 41 "Buy books for children" which type of ambiguity exists in the above sentence? Semantic Syntactic Lexical Pragmatic b
3 42 Stochastic tagger also known as…......... HM tagger RMM tagger HMM tagger Super tagger c
Meaning structure Character structure Shape structure Phrase structure
Context –free grammars also known as ….......... d
3 43 grammars grammars grammars grammars
3 44 Which is NOT a conjunction? But and or that d
Consider the statement " The students went to class" . Assign POS tags for the
a
3 45 statement. DT NN VB P NN DT NN NN P NN NN NN VBG P NN DT NN VB P DT
Constituency and
CFG captures -----------------------------. a
3 46 ordering word meaning relation between words sentence meaning
3 47 Which of the following belongs to the open class group? Verb Prepositions Determinents Conjunctions a
4 48 What type of relation exist between the words "meet" and "meat"? Homophones Hyponym Co-hyponyms Homonyms a
Consider the following given sentences. Match the lexical relations between the
first word (w1) to the second word (w2) i.e. w1 is a <lexical relation> of w2.
* Invention of the wheel is one of the landmarks in the history of mankind.
* Companies are trying to make driverless car.
* Golden daffodils are fluttering and dancing in the breeze.
* Mumbai has unique flower park. b

1. Holonym --> i.wheel-car


2. Hyponym --> ii. car-wheel
3. Meryonym --> iii. daffodils-flower
4 49 4. Hypernym --> iv. flower- daffodils 1-iii, 2-ii, 3-iv, 4-i 1-ii, 2-iii, 3-i, 4-iv 1-ii, 2-iii, 3-iv, 4-i 1-i, 2-ii, 3-iii, 4-iv
Finding the most
frequently
TF-IDF helps in ….... a
occurring word in Stemming and Removing stop words in
4 50 the document Spelling Corrections Lemmatization the document
4 51 The words "bank/data bank/blood bank" is an example of ----------- Homophony Synonymy Polysemy Hyponymy c
4 52 Which is example of homophony? be-bee be-bo be-by be-bio a
In the sentence, “He ate the pizza”, the BOLD part is an example of b
4 53 _____. Noun phrase Verb phrase Prepositional phrase Adverbial phrase
How many noun phrases are there in the following sentence ," The thief robbed
b
4 54 the apartment"? 1 2 3 4
4 55 "Car is a ______ of "vehical". Antonym Hypernym Hypernym Hyponym d
"The car hit the pole while it was moving." what type of ambiguity exists in
a
4 56 above sentence? Semantic Syntactic Lexical Pragmatic
4 57 Which of the following pair represents Antonomy lexical relation? (fat, thin) (crow,bird) (window, door) (head,nose) a
4 58 X is a ........ of Y if it denotes a part of Y Meronym Hyponym Hynonyms Hypernyms a
4 59 Perfect homonyms create problems in .............. Text Recognition Information Retrieval Text classification Speech Recognition d
........... are the lexemes with the same orthographic form but different
a
4 60 meaning. homographs homophones synonyms Hypernyms
The study of which words occur together, and their frequency of co-occurrence is
b
4 61 called as _______. Connotation Collocation Implication Location
4 62 Which semantic relation exists between the words"piece" and "peace? Homophony Homonymy Hypernymy Meronymy a
___ are created when the constituents within the sentence describe the role of the
entities (We look at the NP in a sentence to see who/what is creating the action in d
4 63 the VP); found in each sentence Semantic Analysis Semantics Syntactic features Semantic Roles
Characterizing the meaning of words in terms of its relationship to other words
b
4 64 such as synonymy, antonymy, and hyponymy is called ________________. Lexical relationship Semantic analysis Collocation Gradable antonyms
“The German authorities said a ‘Colombian’ who had lived for a long time in the
Ukraine flew in from Kiev. ‘He’ had 300 grams of plutonium 239 in his Nominative a
5 65 baggage.” is an example of which type of reference? Pronoun Oblique Pronoun Possessive Pronoun Reflexive Pronoun
5 66 How many types of Deixis eixsts? 3 5 4 2 b
________________ used to point to things (it, this, these) and people (him, them,
d
5 67 those idiots). Spatial deixis Pragmatics Temporal deixis Personal deixis
5 68 The words that pronouns refer back to are called as __________. Antecedent Context Reference Speech act a
Consider the following sentences. "The horse ran up the hill. It was very steep. It
d
5 69 soon got tired." What type of ambiguity is introduced due to the word "it"? Syntactic Pragmatics Cataphoric Anaphoric
5 70 "He doesn't know" is an example of __________ _type of deixis Personal Time Social Space b
5 71 "Ram's bike is new" is _____________ type of presupposition Factive Existential Lexical Structural b
5 72 "Yesterday I went to college" contains __________type of deixis. Personal Time Social Space b
....................are the entities that have been previously introduced into the
a
5 73 discourse. Anaphoras Cataphoras Pronouns derminers
5 74 " I appoint you chairman of the committee" is which type of speech act? Commissives Directives Declarations Representatives c
5 75 "You better go to the clinic", is which type of speech act? Commissives Directives Declarations Representatives b
5 76 " I promise to come" is which type of speech act? Commissives directives Declarations Representatives a
..............ambiguity refers to a situation where the context of a phrase gives it
a
5 77 multiple interpretation Pragmatic Anaphoric Discourse Cataphoric
_________is the study of how the language is used to refer (and re-refer) to
d
5 78 people and things? Morphology Syntatic Sementic Pragmatics
Fuzzy Logic Shallow Semantic Syntactic analysis Word Sense
Which of the following technique is used to remove semantic ambiguity? d
5 79 Analysis Disambiguation
5 80 Which is not an example of stop word? a is an good d
Anita has got the transcripts for the Minster's press meet on NEP. She wants to
summarize the Minister’s opinion on NEP strengths and weakness. Which of the Abstractive query c
6 81 following sumamrization methods should she apply? Abstractive generic Extractive generic focussed Summative generic
What is the right order for a text classification model components
1. Text cleaning
2. Text annotation
c
3. Gradient descent
4. Model tuning
6 82 5. Text to predictors 12345 13425 12534 13452
The __________________ summarization technique involves pulling keyphrases
a
6 83 from the source document. Extractive Abstractive Regular Automatic
6 84 Spam email detection comes under which domain? Text Categorization NER Text Classification Sentiment Analysis c
which type of summarizer will be suitable for summarizing tweets about Covid19
a
6 85 ? Extractive Explorative Explanable Absolute
Which will be suitable NLP method For COVID 19 News Analysis from the
d
6 86 online newspaers ? NER Machine Transltion Sentiment Analysis Text Summarization
To automat HR recruitment process ________type of NLP application will be Question
a
6 87 suitable. Answering System Machine Transltion Sentiment Analysis NER
6 88 For automated complaint handling ______ type of NLP application can be used. NER Machine Transltion Sentiment Analysis Text Categorization d
In the case of Search Engine Optimization, ................. NLP technique can be
used
c
Question Ansering
6 89 Machine Transltion System Text summarization Sentiment Analysis
6 90 Which of the following is efficient representation of text data? Bag of Word TF-IDF Word Vector BERT d
Referential
Which of the following is the major problem in Machine Translation? a
6 91 Ambiguity Stop word Emoticons Proper Noun
For Hate Speech Detection from facebook messages __________NLP technique Information
a
6 92 can be used. Text Classification Information Retrieval Summairzation Information Indexing
For Research Article recommendation system ___________ NLP application can Information
b
6 93 be used. Retrieval Text Classification Text Summairzation NER
Named entity recognition is a technqiue to locate and classify __________
a
6 94 entities in unstructured text. Proper Nouns Verb Adjective Preposition
6 95 Which of the following entities are identified by NER? Proper Nouns Noun Phrase Verb Phrase Adverb a
6 96 Which application use to determine people in context? Stemming Lemmatization Stop word removal Named entity recognition d
6 97 Which is the most suitable tecnhiqe for finding " Trendning Topic on Twitter"? Term Frequncy NER Tokenization Segmentation a
"Sunder Pichal is the CEO of Google having headquarter in California" , How many
c
6 98 named entities exist in above sentence 4 2 3 1
Machine Translation Text Summarization Information Retrival
Google News Aggregator is example of ______________. b
6 99 Application Application NER Application Application
Deciding Insurance premium of a car based on online customers reviews is an
c
6 100 application of ______________________. Information Retrival Information Extraction Sentiment Analysis Text Summarization
Program: BE Computer Engineering
Curriculum Scheme: Revised 2016
Examination: Fourth Year Semester VIII
Course Code: DLO8012 and Course Name: Natural Language Processing
Q=QUESTION question_description
A=ANSWER answer_description

"Rohan was with her, they both go together", In the given sentence who is her is unclear, specify the type of ambiguity ?
Q
A Semantic ambiguity
A Anaphoric ambiguity
A Pragmetic ambiguity
A Lexical ambiguity
Q The boy said to girl , " call me a cab", girl said "ok you are a cab!",which type of ambiguity do you experience In this sentence.
A Syntactic ambiguity
A Semantic ambiguity
A Anaphoric ambiguity
A Disclosure ambiguity
Q "Make computers as they can solve problems like humans and think like humans " is
A Challege of NLP
A disadvantage of NLP
A Stage of NLP
A Knowledge of NLP
Look at that dog with one eye – Am I to close an eye and look at the dog or does the dog have one eye? which type of ambiguity do
Q you experience In this sentence.
A Semantic ambiguity
A Syntactic ambiguity
A Pragmetic ambiguity
A Anaphoric ambiguity
Q Which among the following is important component of Natural language processig?
A Representation
A Description
A Exposion
A Narration
"The system recognizes if emails belong in one of three categories (primary, social, or promotions) based on their contents." what
Q this application is called?
A Smart Assistant
A Email Filters
A Predictive Text
A Language Translation
Q NLP is concerned with the interactions between
A computers and human (natural) languages.
A machine and machine
A human and machine
A Both A) and B)
Q What is full form of NLG?
A Natural Language Generation
A Natural Language Genes
A Natural Language Growth
A Natural Language Generator
Q What is full form of NLP?
A Natural Language Processing
A Nature Language Processing
A Natural Language Process
A Natural Language pages
Q The stage of NLP were "Processing of sequence of sentences is done" is called as
A Pragmetics
A Disclosure
A Semantic
A Lexemes
Q "I saw the boy with a pony tail ", what type of ambiguity does sentence have
A Semantic ambiguity
A Pragmetic ambiguity
A Structured ambiguity
A Simplex
1."The tank was full of water." 2. "I saw the military tank".here tank is used in different context, which type of ambiguity is this?
Q
A Semantic Ambiguity
A Syntactic Ambiguity
A Anaphoric Ambiguity
A Syntactical Ambiguity
Q Modern NLP algorithms are based on …………………..
A Neural language processing
A machine learning
A artificial intelligence
A Machine Translation
Q How many Components of NLP are there?
A Two
A Three
A Four
A Five
Q What is the name for information sent from robot sensors to robot controllers?
A temperature
A pressure
A feedback
A signal
Q Which data structure is used to give better heuristic estimates?
A Forwards state-space
A Backward state-space
A Planning graph
A Planning graph algorithm
Q The area of AI that investigates methods of facilitating communication between people and computers is:
A natural language processing
A symbolic processing
A decision support
A robotics
Program: BE Computer Engineering
Curriculum Scheme: Revised 2016
Examination: Fourth Year Semester VIII
Course Code: DLO8012 and Course Name: Natural Language Processing

Q=QUESTION question_description
A=ANSWER answer_description

What will be the perplexity value if you calculate the perplexity of an unsmoothed language model on a test corpus with unseen words?
Q
A Zero
A Infinity
A any non-zero value
A inefficient
Q A bidirectional feedback loop links computer modelling with:
A artificial science
A heuristic processing
A human intelligence
A cognitive science
Q A network with named nodes and labeled arcs that can be used to represent certain natural language grammars to facilitate parsing.
A Tree Network
A Star Network
A Transition Network
A Complete Network
Q Given a sound clip of a person or people speaking, determine the textual representation of the speech.
A Text-to-speech
A Speech-to-text
A Text
A Speech
Q MLMenu, a natural language interface for the TI Explorer, is similar to:
A Ethernet
A NaturalLink
A PROLOG
A the Personal Consultant
Q _________ is the type of morphology that changes the word category and affects the meaning.
A Inflectional
A Derivational
A Cliticization
A Text-Proofing
Q computer vs computational is an example of ______ morphology.
A Inflectional
A Derivational
A Cliticization
A Information Retrieval
Q When training a language model, if we use an overly narrow corpus, the probabilities
A Don’t reflect the task
A Reflect all possible wordings
A Reflect intuition
A Don’t generalize
Q What is the number of trigrams in a normalized sentence of length n words?
A n
A n-1
A n-2
A n-3
Q In the English language inflectional morphemes can be which of following
A SUFFIXES ONLY
A PREFIX ONLY
A PREFIX AND SUFFIX
A ANY WORD
Q In the English language derivational morphemes can be.
A PREFIXES AND SUFFIXES
A SUFFIX ONLY
A PREFIX ONLY
A ANY WORD
Q How many different lexemes are there in the following list?man, men, girls , girl , mouse
A 2
A 3
A 1
A 4
Q Which is the type of morphology that changes the word category and affects the meaning
A Inflectional
A Derivational
A Cliticization
A Rational
Q which technique can modify root to a word of a different class
A Derivational morphology
A Word sense Disambiguity
A Entropy
A Semantics
Q Human usually write ’m, to state am, in which type of morphology you can categorize the example?
A Plural noun
A Cliticization
A singular noun
A Inflectional
Q when spelling changes upon combination of words added, belong to which type of rule?
A Orthographic rules
A Grammer rules
A Bound morpheme
A Free morpheme
Q Which of the following is used to mapping sentence plan into sentence structure?
A Text planning
A Sentence planning
A Text Realization
A Stemming
Program: BE Computer Engineering
Curriculum Scheme: Revised 2016
Examination: Fourth Year Semester VIII
Course Code: DLO8012 and Course Name: Natural Language Processing

Q=QUESTION question_description
A=ANSWER answer_description

Q What was first defined for Natural Language by Chomsky (1957)


A Context-Free Grammar (CFG)
A Finite Automata (FA)
A Push Down Automata (PDA)
A Turing Machine
Given a sentence S="w1 w2 w3 … wn", to compute the likelihood of S using a bigram model. How would you
Q compute the likelihood of S?
Calculate the conditional probability of each word in the sentence given the preceding word and add the resulting
A numbers
Calculate the conditional probability of each word in the sentence given the preceding word and multiply the
A resulting numbers
Calculate the conditional probability of each word given all preceding words in a sentence and add the resulting
A numbers
Calculate the conditional probability of each word given all preceding words in a sentence and multiply the resulting
A numbers
Assume that there are 10000 documents in a collection. Out of these, 50 documents contain the terms “difficult
task”. If “difficult task” appears 3 times in a particular document, what is the TFIDF value of the terms for that
Q document?
A 8.11
A 15.87
A Zero
A 81.1
Q What is full form of NLG?
A Natural Language Generation
A Natural Language Genes
A Natural Language Growth
A Natural Language Generator
Q How many steps of NLP is there?
A Three
A Four
A Five
A Six
Q What is the major difference between CRF (Conditional Random Field) and HMM (Hidden Markov Model)?
A CRF is Generative whereas HMM is Discriminative model
A CRF is Discriminative whereas HMM is Generative model
A CRF and HMM are Generative model
A CRF and HMM are Discriminative model
Which of the text parsing techniques can be used for noun phrase detection, verb phrase detection, subject detection,
Q and object detection in NLP.
A Part of speech tagging
A Skip Gram and N-Gram extraction
A Continuous Bag of Words
A Dependency Parsing and Constituency Parsing
In a corpus of N documents, one randomly chosen document contains a total of T terms and the term “hello” appears
K times. What is the correct value for the product of TF (term frequency) and IDF (inverse-document-frequency), if
Q the term “hello” appears in approximately one-third of the total documents?
A KT * Log(3)
A T * Log(3) / K
A K * Log(3) / T
A Log(3) / KT
Q TF-IDF helps you to establish?
A most frequently occurring word in the document
A most important word in the document
A most important sentence in the document
A most frequently occurring sentence in the document
Q Same word can have multiple word embeddings possible with ____________?
A GloVe
A Word2Vec
A ELMo
A nltk
Q In NLP, Context modeling is supported with which one of the following word embeddings
A Word2Vec
A GloVe
A BERT
A Spelling correction
Given a sequence of observations and a HMM model, which of the following fundamental problems of HMM finds
Q the most likely sequence of states that produced the observations in an efficient way?
A Evaluation problem
A Likelihood estimation problem
A Decoding problem
A Learning problem
Q In an HMM, observation likelihoods measure
A The likelihood of a POS tag given a word
A The likelihood of a POS tag given the preceding tag
A The likelihood of a word given a POS tag
A The likelihood of a POS tag given two preceding tags
Q Which of the following best describes grammar induction?
A Supervised learning problem
A Conditional Random Field problem
A Maximum-A-Posteriori (MAP) estimation problem
A Unsupervised learning problem
Q Which algorithm is used for solving temporal probabilistic reasoning?
A Hidden markov model
A Breadth-first search
A Hill-climbing search
A Depth-first search
Q Which of the following model is used for speech recognition?
A Lemmatization Model
A Hidden Markov Model
A Finite state Transducers Model
A Grammer Model
Q Among which of following models identify dependency between each state and the entire input sequences
A Conditional Random Fields
A Maximum Entropy Markov Model
A Naive Bayes Model
A Depth-first Model
Program: BE Computer Engineering
Curriculum Scheme: Revised 2016
Examination: Fourth Year Semester VIII
Course Code: DLO8012 and Course Name: Natural Language Processing

Q=QUESTION question_description
A=ANSWER answer_description

Q Semantic Analysis is concerned with


A Meaning representation of linguistic inputs
A Antonyms of linguistic inputs
A Syntax representation of linguistic inputs
A Meaning representation of programming language inputs
Q Meaning representation bridges the gap between
A linguistic & commonsense knowledge
A dictionary & special knowledge
A Mother tongue & commonsense knowledge
A Linguistic & mother tongue knowledge
Q What can be used to disambiguate word senses
A Selectional restrictions
A Independent restrictions
A No restrictions
A All restrictions
The context of a word provides useful information about word sense. Which algorithms can be braodly classified into
Q knowledge-based and corpus-based approaches
A Context-based disambiguation
A Context-Free grammar
A Regular Expressions
A Context-based ambiguation

Corpus-based approaches use either Supervised or Unsupervised learning. Supervised methods require ___________
Q whereas unsupervised methods eliminate the need of tagged data but usually perform only _________________.
A tagged data, word sense discrimination
A untagged data, word sense discrimination
A untagged data, word commonsense discrimination
A untagged data, word sense indiscrimination
The knowledge sources used by which algorithms include context of word, sense frequency, selectional preferences,
Q collocation and domain?
Fuzzy Logic
A
Word Sense Disambiguation
A
Shallow Semantic Analysis
A
A Artificial Intelligence
Q What type of ambiguity exists in the word sequence “Time flies”?
A Syntactic
A Semantic
A Phonological
A Anaphoric
Q Which of the following technique is not a part of flexible text matching?
A Soundex
A Metaphone
A Edit Distance
A Keyword Hashing
Q Which of the following architecture can be trained faster and needs less amount of training data
A LSTM based Language Modelling
A Transformer architecture
A Word Sense Disambiguation
A N-grams
Q Which of the following statement is(are) true for Word2Vec model?
A The architecture of word2vec consists of only two layers – continuous bag of words and skip-gram model
A Continuous bag of word (CBOW) is a Recurrent Neural Network model
A CBOW and Skip-gram are shallow neural network models
A Convolutional Neural Networks
Polysemy is defined as the coexistence of multiple meanings for a word or phrase in a text object. Which of the following
Q models is likely the best choice to correct this problem?
A Random Forest Classifier
A Convolutional Neural Networks
A Gradient Boosting
A Facial Recognition
While working with text data obtained from news sentences, which are structured in nature, which of the grammar-based
text parsing techniques can be used for noun phrase detection, verb phrase detection, subject detection and object detection.
Q
A Part of speech tagging
A Dependency Parsing and Constituency Parsing
A Skip Gram and N-Gram extraction
A Continuous Bag of Words
Q Which of the below are NLP use cases?
A Detecting objects from an image
A Facial Recognition
A Speech Biometric
A Text Summarization
Which of the following will be a better choice to address NLP use cases such as semantic similarity, reading
Q comprehension, and common sense reasoning
A ELMo
A Open AI’s GPT
A ULMFit
A GPT-2
Q Which of the following is used to mapping sentence plan into sentence structure?
A Text planning
A Sentence planning
A Text Realization
A Cosine Similarity
Q In the sentence, “They bought a blue house”, the underlined part is an example of _____.
A Noun phrase
A Verb phrase
A Prepositional phrase
A Adverbial phrase
Q The words “window” and “room” are in a lexical semantic relation
A hypernym – hyponym
A hypernym – meronym
A holonym – hyponym
A meronym – holonym
Program: BE Computer Engineering
Curriculum Scheme: Revised 2016
Examination: Fourth Year Semester VIII
Course Code: DLO8012 and Course Name: Natural Language Processing

Q=QUESTION question_description
A=ANSWER answer_description

Q What is most commonly described as the language above the sentence level or as 'language in use'
A Discourse
A Word Level Analysis
A Semantic Analysis
A Syntax Analysis
"Excuse Me. You are standing on my foot." This sentence is not just plain assertion; it is a request to someone to get off your foot. Is an
Q example of?
A Discourse Analysis
A Word Level Analysis
A Semantic Analysis
A Syntax Analysis
Q Discourse Analysis involves the study of relationship between?
A Programming Language and Contextual Foreground
A Language and Dictionary Background
A Dictionary and Knowledge
A Language and Contextual Background
Q What is the knowledge about physical situations existing in the surroundings at the time of utterance?
A Situational Context
A Background Knowledge
A Co-textual context
A Operational Knowledge
Q What includes cultural knowledge and interpersonal knowledge
A Situational Context
A Background Knowledge
A Co-textual context
A Operational Knowledge
Q What can be called as "the knowledge of what has been said earlier"
A Situational Context
A Background Knowledge
A Co-textual context
A Operational Knowledge
Q What does the phenomena that operates at discourse level include?
A Cohesion and Coherence
A Corrosion and Erosion
A Connection and Resolution
A Co-ordination and Co-operation
Q Cohesion : Textual phenomenon : : Coherence : ?
A Textual phenomenon
A Mental phenomenon
A Physical phenomenon
A No phenomenon
Cohesion bounds text together. Consider the following piece of text
"Yesterday, my friend invited me to her house. When I reached, my friend was preparing coffee. Her father was cleaning dishes. Her
mother was busy writing a book."
Q Each occurance in the above text refers to which noun phrase?
A Me
A Friend's father
A Friend's mother
A My friend's
Q "I met this girl earlier in a conference." In this statement, "this " is known as which type of reference in the discourse context?
A Definite refernce
A Indefinite / Non-Anaphoric reference
A Pronominal refenece
A Demonstrative reference
"I bought a printer today. The printer didn't work properly." What type of reference in the discourse context is done in this statement?
Q
A Definite refernce
A Indefinite reference
A Pronominal refenece
A Demonstrative reference
Q "Zuha forgets her pendrive in lab." In this statement, "her " is known as which type of reference in the discourse context?
A Definite refernce
A Indefinite reference
A Pronominal refenece
A Demonstrative reference
"I bought a printer today. I had bought one earlier in 2004. This one cost me Rs. 6000 whereas that one cost me Rs. 12000." In this
Q statement, "this " and "that " are known as which type of reference in the discourse context?
A Definite refernce
A Indefinite reference
A Pronominal refenece
A Demonstrative reference
"She got her trousers shortened by one inch". In this statement, "one " is known as which type of reference in the discourse context?
Q
A Generic refernce
A Indefinite reference
A Quantifier/Ordinal refenece
A Demonstrative reference
"I saw two laser printers in a shop. They were the fastest printers available". In this statement, "They " is known as which type of
Q reference in the discourse context?
A Generic refernce
A Indefinite reference
A Quantifier/Ordinal refenece
A Demonstrative reference
Q What is viewed as problem of probabilistic inference?
A Speech recognition
A Speaking
A Hearing
A Utterance
Q Which of the following is an NLP task that involves determining all referring expressions that point to the same real-world entity?
A Coreference resolution
A Named entity recognition
A Information extraction
A Stop word
Program: BE Computer Engineering
Curriculum Scheme: Revised 2016
Examination: Fourth Year Semester VIII
Course Code: DLO8012 and Course Name: Natural Language Processing

Q=QUESTION question_description
A=ANSWER answer_description

Q What is machine translation?


A Atomatic translation of text from one language to another
A Manual translation of text from one language to another
A Information retrival
A Data Mining
Q What creates problems in machine translation?
A Different level of Ambiguities
A Processing power
A Memory
A Diversity
Q Which approach does direct translation use?
A No approach
A Word by Word translation
A sentential translation
A Paragraph by paragraph translation
Q Which MT systems produce an abstract represenation using which, the target language text can be generated?
A Retrieval-based MT
A Example-based MT
A Speech-based MT
A Interlingua-based MT
Q Which MT systems involve low computational costs and can be extended easily?
A Retrival-based MT
A Example-based MT
A Speech-based MT
A Interlingua-based MT
Q Which application of NLP deals with mapping of acoustic speech signal to a set of words
A Speech Recognition
A Machine translation
A Speech synthesis
A Information retrieval
Q Which application of NLP refers to automatic production of speech (utterance of natural language of sentences)?
A Speech Recognition
A Machine translation
A Speech synthesis
A Information retrieval
Q Which NLP based system can read out your mails on telephone or even read out a story book for you
A Speech Recognition
A Machine translation
A Speech synthesis
A Information retrieval
Q Which application of NLP allows querying a structured database using natural language sentences?
A Speech Recognition
A Natural language interfaces to DB
A Information extraction
A Information retrieval
Q Which application of NLP is concerned with intendifing documents relevant to a user's query?
A Speech Recognition
A Natural language interfaces to DB
A Information extraction
A Information retrieval
Q Which application of NLP captures and outputs factual information contained within a document?
A Speech Recognition
A Natural language interfaces to DB
A Information extraction
A Information retrieval
Q IR system : subset of documents : : ? : subset of information within document
A Speech Recognition
A Natural language interfaces to DB
A Information extraction
A Information retrieval
Which application of NLP when given a question and set of documents, attempts to find the precise answer or precise portion of texts
Q in which the answer appears
A Text summarization
A Question Answering
A Information extraction
A Information retrieval
Q Which application of NLP deals with creation of summaries of documents
A Text summarization
A Question Answering
A Information extraction
A Information retrieval
Q In NLP, The process of identifying people, an organization from a given sentence, paragraph is called
A Stemming
A Lemmatization
A Stop word removal
A Named entity recognition
Q Which one of the following is not a pre-processing technique in NLP
A converting to lowercase
A removing punctuations
A removal of stop words
A Sentiment analysis
Q What is the major difference between CRF (Conditional Random Field) and HMM (Hidden Markov Model)?
A CRF is Generative whereas HMM is Discriminative model
A CRF is Discriminative whereas HMM is Generative model
A CRF and HMM are Generative model
A CRF and HMM are Discriminative model

You might also like