text
stringlengths
201
816
<s>[INST] When z-score transformatio n is done on continuous data, what will be the mean and standard deviation of the transformed data?Please choose the appropriate answer from the following options: A. Mean 1, standard deviation 0 B. Mean 0, standard deviation 1 C. Depends on data value changes D. Insufficient data [\INST] The correct answer is: B <\s>
<s>[INST] Identify the scaling technique which re- scales a feature value so that it has distribution with 0 median value.Please choose the appropriate answer from the following options: A. Standardizatio n B. Min-Max Normalization C. Robust Scaler D. Normalizer [\INST] The correct answer is: C <\s>
<s>[INST] Which of the following cannot be used to detect an outlier in the data?Please choose the appropriate answer from the following options: A. Boxplot B. scatterplot C. Normalisation D. Probability plot [\INST] The correct answer is: C <\s>
<s>[INST] Imagine, you are given a list of items in a DataFrame as below. D = [‘A’,’B’,’C’,’D’,’ E’,’AA’,’AB’] Now, you want to apply label encoding on this list for importing and transforming, using LabelEncoder. from sklearn.prepro cessing import LabelEncoder le = LabelEncoder() What will be the output of the print statement below ? print (le.fit_transfor m(D))Please choose the appropriate answer from the following options: A. array([0, 2, 3, 4, 5, 6, 1]) B. array([0, 2, 3, 4, 5, 1, 6]) C. array([0, 3, 4, 5, 6, 1, 2]) D. Any of these [\INST] The correct answer is: C <\s>
<s>[INST] Which of the following python code can be used to arrange 8 plots in 2 rows 4 columns?Please choose the appropriate answer from the following options: A. plt.subplots(4, 2,figsize=(10,1 0)) B. plt.subplots(2, 4,figsize=(10,1 0)) C. None of these D. plt.subplots(3, 2,figsize=(10,1 0)) [\INST] The correct answer is: B <\s>
<s>[INST] Which key in the boxplot output dictionary can be referred to look at the list of extreme observations?Please choose the appropriate answer from the following options: A. boxes B. whiskers C. fliers D. caps [\INST] The correct answer is: C <\s>
<s>[INST] Which kind of scaling is preferred if the data is having outliers ?Please choose the appropriate answer from the following options: A. Min-Max Scaler B. Robust Scaler C. Normalizer D. Standard scaling [\INST] The correct answer is: B <\s>
<s>[INST] Identify the correct code to get the percentage of missing values in the data. Assume pandas is imported as pd.Please choose the appropriate answer from the following options: A. pd.isnull(data). sum()*100 B. pd.isnull(data). sum() C. pd.isnull(data). perct() D. pd.isnull(data). sum()/data.sh ape[0]*100 [\INST] The correct answer is: D <\s>
<s>[INST] Which of the following statements is true for normally distributed bell curve?Please choose the appropriate answer from the following options: A. Mean >= Median B. Mean=Median =Mode C. Standard Deviation = +/- 1 D. Variance = cube root of standard deviation [\INST] The correct answer is: B <\s>
<s>[INST] Aften standard scaling a data set, which of the following is not true: A) Mean of all the individual columns is approx 0 & Variance is not equal to standard deviation. B)Mean of all the individual columns is approx 0 & Variance = 1 C) Mean of all the individual columns is approx 0 and Variance is equal to standard deviationPlease choose the appropriate answer from the following options: A. C B. B C. B and C D. A [\INST] The correct answer is: D <\s>
<s>[INST] Which of the following is an example of univariate analysis?Please choose the appropriate answer from the following options: A. boxplot B. histogram C. density plots D. All of these [\INST] The correct answer is: D <\s>
<s>[INST] What will the following command render? plt.barh(data[' region'], data['funding'] , color = 'blue') Assume Region is a categorical variable and funding a continuous numeric variable.Please choose the appropriate answer from the following options: A. A horizontal bar chart with blue fill using matplotlib library for funding by region with funding on Y- axis and Region on X- Axis B. A bar chart with blue fill using matplotlib library for funding by region with funding on X- axis and Region on Y- Axis C. A horizontal bar chart with blue fill using matplotlib library for funding by region with funding on X- axis and Region on Y- Axis D. A horizontal bar chart with blue fill using pandas library for funding by region with funding on X- axis and Region on Y- Axis [\INST] The correct answer is: C <\s>
<s>[INST] Which of the following is true to calculate the upper whisker?Please choose the appropriate answer from the following options: A. Q3 - 1.5*IQR B. Q3 + 1.5*IQR C. Q1 + 1.5*IQR D. Q1 - 1.5*IQR [\INST] The correct answer is: B <\s>
<s>[INST] In which of the following chart the data points are divided into portions?Please choose the appropriate answer from the following options: A. Bar chart B. Column chart C. Pie chart D. Scatter chart [\INST] The correct answer is: C <\s>
<s>[INST] Consider a dataset of size 2000 x 12, where 2000 is the number of observations and 12 is the number of features. 1298 values are missing from the fourth feature column. Which would be the good strategy to handle this missing values ?Please choose the appropriate answer from the following options: A. Drop the 1298 observation rows where the fourth feature column values are missing B. Impute with Mean C. Impute with Median D. Drop the whole fourth feature column [\INST] The correct answer is: D <\s>
<s>[INST] Lets say we have a Qualitative Categorical attribute in the data as “Remote” which consists of two labels as someone who works remotely or someone who does not work remotely.Whic h of the Python syntax will NOT be able to create dummy (one hot encoded) features from Categorical variables? Assume that all the standard imports are donePlease choose the appropriate answer from the following options: A. data["Remote _dummy "]=pd.get_du mmies(data[" Remote "]) B. data["Remote _dummy "] = data["Remote "].map(lambd a x: 1 if x == "Remote " else 0) C. data["Remote _dummy "] = data["Remote "].filter(lambd a x: 1 if x == "Remote " else 0) D. data["Remote _dummy "] = data["Remote "].apply(lambd a x: 1 if x == "Remote " else 0) [\INST] The correct answer is: C <\s>
<s>[INST] Which of the following is not true about Pearson’s Correlation CoefficientPlease choose the appropriate answer from the following options: A. Correlation is calculated b/w two numerical variables B. Absolute value of correlation will always lies between 0 and 1 C. Correlation can explain the non-linear relationship between two metrics D. If correlation is approximately equal to 0.9, we can expect that increase in one numerical variable will result in increase of other numerical variable also [\INST] The correct answer is: C <\s>
<s>[INST] PCA is used forPlease choose the appropriate answer from the following options: A. Dimensionality reduction B. Filling NA values C. Outlier Detection D. Correlation analysis [\INST] The correct answer is: A <\s>
<s>[INST] Identify the methods to handle missing values in a datasetPlease choose the appropriate answer from the following options: A. All of these B. Drop the missing values C. Impute with Mean/Median /Mode D. Impute with ffill /bfill [\INST] The correct answer is: A <\s>
<s>[INST] Which one of the following is not a Univariate measure ?Please choose the appropriate answer from the following options: A. 75 percentile value B. Mean C. Correlation D. Standard Deviation [\INST] The correct answer is: C <\s>
<s>[INST] In box plot what does the middle line representPlease choose the appropriate answer from the following options: A. First quartile B. Fourth quartile C. Second quartile D. Third quartile [\INST] The correct answer is: C <\s>
<s>[INST] Min-maxScaler is calculated by the formulaPlease choose the appropriate answer from the following options: A. (x- xmin)/(xmax- xmin) B. (x- xmean)/(xmax- xmin) C. (x- xmax)/(xmax- xmin) D. (xmax- xmin)/(x- xmax) [\INST] The correct answer is: A <\s>
<s>[INST] The data set below has an outlier of 42. 2, 5, 12, 15, 19, 4, 6, 11, 16, 18, 12, 12, 42 What effect does removing the outlier have on the distribution of the data?Please choose the appropriate answer from the following options: A. The mean will decrease B. The median will decrease C. The mean will increase D. The median will increase [\INST] The correct answer is: A <\s>
<s>[INST] Which function is used to convert from one datatype to another?Please choose the appropriate answer from the following options: A. dtype B. as C. astype D. type [\INST] The correct answer is: C <\s>
<s>[INST] Identify the correct code to make horizontal bar chart using matplotlib library. Assume that the library is imported and aliased as plt. x and y are features in the dataframe.Please choose the appropriate answer from the following options: A. plt.bar(x,y) B. plt.barh(x,y) C. plt.bar(x,y,vert =False) D. plt.barplot(x,y) [\INST] The correct answer is: B <\s>
<s>[INST] Which is the algorithm that works best in 90% of the cases, even when we are ignorant of the domain knowledge?Please choose the appropriate answer from the following options: A. Decision Tree B. Random Forest C. Semi- supervised learning D. Linear Regression [\INST] The correct answer is: B <\s>
<s>[INST] Email filtering in gmail into Genuine (Inbox) and junk mails(promoti ons) and other categories is a type ofPlease choose the appropriate answer from the following options: A. Regression B. Clustering C. Classification D. Apriori [\INST] The correct answer is: C <\s>
<s>[INST] The maximum Possible value of R2 (R Squared) isPlease choose the appropriate answer from the following options: A. 0% B. 100% C. It can have any Value - depends on the Clients preposition D. 200% [\INST] The correct answer is: B <\s>
<s>[INST] Calculate overall gini impurity after splitting usnig the following information. Samples before split=300. Left side samples after splitting=200 (150 positives, 50 negatives); Right side samples after splitting=100(5 0 positives; 50 negatives)Please choose the appropriate answer from the following options: A. 0.21 B. 0.31 C. 0.41 D. 0.11 [\INST] The correct answer is: C <\s>
<s>[INST] Internal nodes/sub- nodes of a decision tree correspond to:Please choose the appropriate answer from the following options: A. Classes B. Attributes C. Data instances D. None of these [\INST] The correct answer is: B <\s>
<s>[INST] Bagging is built in which Algorithm?Please choose the appropriate answer from the following options: A. Linear Regression B. Logistic Regression C. K-Means Clustering D. RandomForest [\INST] The correct answer is: Random Forest <\s>
<s>[INST] The x-axis and y-axis in ROC curve respectively represents:Please choose the appropriate answer from the following options: A. FPR and TPR B. TPR and FPR C. FPR and TNR D. FNR and TPR [\INST] The correct answer is: A <\s>
<s>[INST] Naïve Bayes is a type ofPlease choose the appropriate answer from the following options: A. Classification B. Clustering C. Regression D. Network Analysis [\INST] The correct answer is: A <\s>
<s>[INST] Consider the two statements stated below. Which of the following is true while deciding best split in the root node : A) Information gain should be maximum B) Gini impurity should be as minimum as possiblePlease choose the appropriate answer from the following options: A. Both A and B are wrong B. Both A and B are correct C. A is correct; B is wrong D. A is wrong; B is correct [\INST] The correct answer is: B <\s>
<s>[INST] I am given a dataset with 20000 rows of data. Most of the data including the dependent variable is categorical and the data is not sparse. Which Classification would I chose?Please choose the appropriate answer from the following options: A. Naïve Bayes B. KNN C. K-Means Clustering D. K-Median Clustering [\INST] The correct answer is: A <\s>
<s>[INST] The minimum and maximum values of the entropy arePlease choose the appropriate answer from the following options: A. (0 -1) B. (0 -0.5) C. None of these D. (0 .5- 1 ) [\INST] The correct answer is: A <\s>
<s>[INST] KNN is this type of algorithmPlease choose the appropriate answer from the following options: A. Bad Algorithm B. Lethargic Algorithm C. Lazy Algorithm D. Lavish Algorithm [\INST] The correct answer is: C <\s>
<s>[INST] What does a multiple linear regression analysis examine?Please choose the appropriate answer from the following options: A. The relationship between one dependent and more than one independent variables B. The relationship between more than one independent variables C. The relationship between one or more than one dependent and only one independent variable D. The relationship between more than one dependent and only one independent variable [\INST] The correct answer is: A <\s>
<s>[INST] For HR Attrition data, while predicting Attrition column using Age, MonthlyIncom e and DistanceFrom Home columns, identify gini impurity for the right node (set random_state =100, wherever necessary)Please choose the appropriate answer from the following options: A. 0.6 B. 0.301 C. 0.151 D. 0.199 [\INST] The correct answer is: D <\s>
<s>[INST] In a Classification Tree , the splitting of node is based onPlease choose the appropriate answer from the following options: A. Impurity measures such as Gini index or entropy for classification tree B. Mean Squared Error (MSE) C. Sum of Squared Errors (SSE) D. F-test [\INST] The correct answer is: A <\s>
<s>[INST] Logistic regression is used forPlease choose the appropriate answer from the following options: A. Classification B. Predicting continous variables C. Predicting continous and discrete variables D. Deep learning [\INST] The correct answer is: A <\s>
<s>[INST] Which of the following is a measure of accuracyPlease choose the appropriate answer from the following options: A. (TP+TN)/(TP+T N+FP+FN) B. (TP)/(TP+TN) C. (TP+TN)/(FP+F N) D. TP/TN [\INST] The correct answer is: A <\s>
<s>[INST] Which type of learning is most commonly used to create models on labelled categorical data(target value is also labelled)?Please choose the appropriate answer from the following options: A. Regression B. Classification C. Clustering D. Componentiza tion [\INST] The correct answer is: B <\s>
<s>[INST] Which of the following is part of Data Imputation?Please choose the appropriate answer from the following options: A. Filling Missing Values B. Splitting Data Set C. Adding Null Values D. Plotting Graphs [\INST] The correct answer is: A <\s>
<s>[INST] Which of the following can be called as False Negative?Please choose the appropriate answer from the following options: A. Actual value is 1 and classifier predicted it as 0 B. Actual value is 0 and classifier predicted it as 0 C. Actual value is 1 and classifier predicted it as 1 D. Actual value is 0 and classifier predicted it as 1 [\INST] The correct answer is: A <\s>
<s>[INST] Which is considered the best Data Validation technique?Please choose the appropriate answer from the following options: A. Cross Validation B. Data Splitting C. No need of any validation - Use the model directly D. Any of the above [\INST] The correct answer is: A <\s>
<s>[INST] For HR Attrition data, while predicting Attrition column using Age, MonthlyIncom e and DistanceFrom Home columns, how many samples move to left side of the parent node (set random_state =100, wherever necessary)Please choose the appropriate answer from the following options: A. 300 B. 100 C. 321 D. 233 [\INST] The correct answer is: D <\s>
<s>[INST] Which is the error code prominently used in evaluating Regression Models?Please choose the appropriate answer from the following options: A. RMSE B. SMSE C. TMSE D. MMSE [\INST] The correct answer is: A <\s>
<s>[INST] Which type of learning is most commonly used to create models on labelled continuous target?Please choose the appropriate answer from the following options: A. Regression B. Classification C. Clustering D. Boosting [\INST] The correct answer is: A <\s>
<s>[INST] What is the type of function being used in logistic regression?Please choose the appropriate answer from the following options: A. Sine function B. Multivariate Function C. Sigmoid function D. Linear function [\INST] The correct answer is: C <\s>
<s>[INST] In what type of machine learning labelled data is usedPlease choose the appropriate answer from the following options: A. supervised learning B. reinforcement learning C. unsupervised learning D. active learning [\INST] The correct answer is: A <\s>
<s>[INST] What’s the name of the API that allows you to inspect the impact of convolutions on the images?Please choose the appropriate answer from the following options: A. The model.convolu tions API B. The model.layers API C. The model.images API D. The model.pools API [\INST] The correct answer is: B <\s>
<s>[INST] Which parameter of the Image Generator is used to normalize the image?Please choose the appropriate answer from the following options: A. normalize_ima ge B. rescale C. Rescale_image D. Normalize [\INST] The correct answer is: B <\s>
<s>[INST] Every Neuron in Feed Forward Neural Network has two parts viz. :Please choose the appropriate answer from the following options: A. (1) A non- linear combination of inputs and (2) A linear activation function that converts the non- linear combination to another value. B. (1) Linear combination of inputs and (2) A non- linear activation function that converts the linear combination to another value. C. (1) A loss function and (2) An activation function D. (1) An activation function and (2) An optimizer function [\INST] The correct answer is: B <\s>
<s>[INST] If your training data is close to 1.000 accuracy, but your validation data isn’t, what’s the risk here?Please choose the appropriate answer from the following options: A. You’re underfitting on your validation data B. No risk, that’s a great result C. You’re overfitting on your training data D. You’re overfitting on your validation data [\INST] The correct answer is: C <\s>
<s>[INST] Which method of Model object is used to extract the required layer from a NN model?Please choose the appropriate answer from the following options: A. extract_layer() B. layer() C. get_layer() D. model_layer() [\INST] The correct answer is: C <\s>
<s>[INST] What is the shape of the following tensorflow object?Please choose the appropriate answer from the following options: A. Tensorflow([2, 2,4]) B. Tensorflow([3, 3,4]) C. Tensorflow([2, 3,4]) D. Tensorflow([2, 9]) [\INST] The correct answer is: B <\s>
<s>[INST] Which of the following is/are the loss functions used for linear regression?Please choose the appropriate answer from the following options: A. mse B. mae C. mape D. All of these [\INST] The correct answer is: D <\s>
<s>[INST] Which of the following operations functions are available in tensorflow?Please choose the appropriate answer from the following options: A. tf.pow() B. tf.sqrt() C. tf.exp() D. All of the above [\INST] The correct answer is: D <\s>
<s>[INST] How do you change the number of classes the model can classify when using transfer learning? (i.e. the original model handled 1000 classes, but yours handles just 2)Please choose the appropriate answer from the following options: A. Ignore all the classes above yours (i.e. Numbers 2 onwards if I'm just classing 2) B. Use all classes but set their weights to 0 C. Use dropouts to eliminate the unwanted classes D. When you add your DNN at the bottom of the network, you specify your output layer with the number of classes you want [\INST] The correct answer is: D <\s>
<s>[INST] If my training data only has people facing left, but I want to classify people facing right, how would I avoid overfitting?Please choose the appropriate answer from the following options: A. Use the ‘horizontal_fli p’ parameter B. Use the ‘flip’ parameter C. Use the ‘flip_vertical’ parameter around the Y axis D. Use the ‘flip’ parameter and set ‘horizontal’ [\INST] The correct answer is: A <\s>
<s>[INST] The range of the output of tanh() function isPlease choose the appropriate answer from the following options: A. (0, 1) B. [-1, 1] C. (- ∞, ∞ ) D. [0,1] [\INST] The correct answer is: B <\s>
<s>[INST] Non-trainable parameters may appear in MLP architechure due to the addition ofPlease choose the appropriate answer from the following options: A. Sequential Layer B. BatchNormaliz ation Layer C. Conv2D Layer D. There is no concept of non trainable parameter in MLP [\INST] The correct answer is: BatchNormaliz -ation Layer <\s>
<s>[INST] Aritifical Intelligence is about ________Please choose the appropriate answer from the following options: A. Playing a game on computer B. Making an intelligent machine C. Programming on Machine with your own Intelligence D. Putting your intelligence in Machine [\INST] The correct answer is: B <\s>
<s>[INST] What is the job of an optimizer function?Please choose the appropriate answer from the following options: A. Decides to stop training a neural network B. Figures out how to efficiently compile your code C. Generates a new and improved guess D. Measures how good the current guess is [\INST] The correct answer is: C <\s>
<s>[INST] How did you lock or freeze a layer from retraining?Please choose the appropriate answer from the following options: A. tf.freeze(layer) B. tf.layer.frozen = true C. tf.layer.locked = true D. layer.trainable = false [\INST] The correct answer is: D <\s>
<s>[INST] Applying Convolutions on top of our Deep neural network will make training:Please choose the appropriate answer from the following options: A. Stays the same B. Faster C. Slower D. It depends on many factors. It might make your training faster or slower, and a poorly designed Convolutional layer may even be less efficient than a plain DNN! [\INST] The correct answer is: D <\s>
<s>[INST] Which of the following is/are applications of Artifical Intelligence ?Please choose the appropriate answer from the following options: A. Consumer Marketing B. Identificaiton technologies C. Machine Translation D. All of the above [\INST] The correct answer is: D <\s>
<s>[INST] Which parameter is used in fit() function to invoke callbacks?Please choose the appropriate answer from the following options: A. callback= B. oncallback= C. oncallbacks= D. callbacks= [\INST] The correct answer is: D <\s>
<s>[INST] Which function is used to decide whether to take any action or not based on value generated by neurons?Please choose the appropriate answer from the following options: A. Loss function B. Optimizer function C. Memory Function D. Activation function [\INST] The correct answer is: D <\s>
<s>[INST] How do you use Image Augmentation in TensorFLow?Please choose the appropriate answer from the following options: A. With the keras.augment API B. With the tf.augment API C. You have to write a plugin to extend tf.layers D. Using parameters to the ImageDataGen erator [\INST] The correct answer is: D <\s>
<s>[INST] A.M Turing developed a technique for determining whether a computer could or could not demonstrate the artifical intelligence. Presently, this technique is called asPlease choose the appropriate answer from the following options: A. Algorithm B. Turing Test C. Boolean Algebra D. Linear Algebra [\INST] The correct answer is: B <\s>
<s>[INST] Why is transfer learning useful?Please choose the appropriate answer from the following options: A. Because I can use all of the data from the original training set B. Because I can use all of the data from the original validation set C. Because I can use the features that were learned from large datasets that I may not have access to D. Because I can use the validation metadata from large datasets that I may not have access to [\INST] The correct answer is: C <\s>
<s>[INST] Which method is called when one epoch is completed?Please choose the appropriate answer from the following options: A. on_end() B. on_training_c omplete() C. on_epoch_end () D. on_epoch_fini shed() [\INST] The correct answer is: C <\s>
<s>[INST] The job of softmax function is toPlease choose the appropriate answer from the following options: A. converge the algorithm B. make sure that the loss is minimum C. regularize the parameters D. convert the scores generated in the last hidden layer into probability values [\INST] The correct answer is: D <\s>
<s>[INST] What is the shape of the tensor given below: t2=tf.constant ([2,3,1,5])Please choose the appropriate answer from the following options: A. (1, 4) B. (4,) C. 4 D. 5 [\INST] The correct answer is: B <\s>
<s>[INST] ________occu rs when the gradients become too large due to back- propagation.Please choose the appropriate answer from the following options: A. Exploding Gradients B. Vanishing Gradients C. Long Short Term Memory Networks D. Gated Recurrent Unit Networks [\INST] The correct answer is: A <\s>
<s>[INST] Classically, topic models are introduced in the text analysis community for ____________ ____ topic discovery in a corpus of documents.Please choose the appropriate answer from the following options: A. Unsupervised B. Supervised C. Semi- automated D. None of the above [\INST] The correct answer is: A <\s>
<s>[INST] Which of the following is/are true statement for advanced pre- processing topics in NLP? Statement 1: TF-IDF helps remove the outliers.Please choose the appropriate answer from the following options: A. Statement 1 & 3 are True & Statement 2 is False B. Statement 2 & 3 are False & Statement 1 is True C. All the above Statements are True D. None of the above [\INST] The correct answer is: C <\s>
<s>[INST] N-grams are defined as the combination of N keywords together. How many bi-grams can be generated from a given sentence: “Hi Good Morning we welcome you all to the class”Please choose the appropriate answer from the following options: A. 7 B. 8 C. 9 D. 10 [\INST] The correct answer is: C <\s>
<s>[INST] In NLP, the process of removing words like “and”, “is”, “a”, “an”, “the” from a sentence is called asPlease choose the appropriate answer from the following options: A. Stemming B. Lemmatization C. Stop word D. All of the above [\INST] The correct answer is: C <\s>
<s>[INST] Bag of words in text preprocessing is aPlease choose the appropriate answer from the following options: A. Feature scaling technique B. Feature extraction technique C. Feature selection technique D. None of the above [\INST] The correct answer is: B <\s>
<s>[INST] One of the basic assumptions of LDA and LSA as a distributional hypothesis which means ____________ ______.Please choose the appropriate answer from the following options: A. Different topics make use of similar words B. Similar topics make use of different words C. Similar topics make use of similar words D. None of the above [\INST] The correct answer is: C <\s>
<s>[INST] Deciding Insurance premium of a car based on online customers reviews is an application of ____________ _____.Please choose the appropriate answer from the following options: A. Information Retrival B. Information Extraction C. Sentiment Analysis D. Text Summarizatio n [\INST] The correct answer is: C <\s>
<s>[INST] What is back propagation?Please choose the appropriate answer from the following options: A. It is another name given to the curvy function in the perceptron B. It is the transmission of error back through the network to allow weights to be adjusted so that the network can learn C. It is the transmission of error back through the network to adjust the inputs D. None [\INST] The correct answer is: B <\s>
<s>[INST] Which of the following is/are Common uses of RNNs?Please choose the appropriate answer from the following options: A. BusinessesHel p securities traders to generate analytic reports B. Detect fraudulent credit-card transaction C. Provide a caption for images D. All of the above [\INST] The correct answer is: D <\s>
<s>[INST] Which of the following is a loss function?Please choose the appropriate answer from the following options: A. tanh B. ReLu C. Cross entropy D. Sigmoid function [\INST] The correct answer is: C <\s>
<s>[INST] How many trigrams phrases can be generated from the following sentence, after performing below text cleaning steps: *Stopword Removal *Replacing punctuations by a single space “#Unext- platform is a great source to learn @data_scienc e.”Please choose the appropriate answer from the following options: A. 4 B. 5 C. 6 D. 7 [\INST] The correct answer is: B <\s>
<s>[INST] Dissimilarity between words expressed using cosine similarity will have values significantly higher than 0.5Please choose the appropriate answer from the following options: A. TRUE B. FALSE [\INST] The correct answer is: B <\s>
<s>[INST] The network that involves backward links from output to input is calledPlease choose the appropriate answer from the following options: A. CNN B. RNN C. MLP D. Perceptron [\INST] The correct answer is: B <\s>
<s>[INST] Suppose you have a dataset from where you have to predict three classes. Then which of the following configuration you should use in the output layer?Please choose the appropriate answer from the following options: A. Activation function = sigmoid, loss function = cross entropy B. Activation function = softmax, loss function = cross entropy C. Activation function = softmax, loss function = mean squared error D. Activation function = sigmoid, loss function = mean squared error [\INST] The correct answer is: B <\s>
<s>[INST] Which of the following statement is not correct?Please choose the appropriate answer from the following options: A. Neural networks mimic the human brain B. Neural networks can be used in image processing C. Neural networks can only work for a single input and a single output D. None [\INST] The correct answer is: It can only work for a single input and a single output <\s>
<s>[INST] Which of the following activation function can not be used in the output layer of an image classification model?Please choose the appropriate answer from the following options: A. ReLu B. Softmax C. Sigmoid D. None [\INST] The correct answer is: A <\s>
<s>[INST] Which of the following techniques can be used for keyword normalization in NLP, the process of converting a keyword into its base form?Please choose the appropriate answer from the following options: A. Lemmatization B. Soundex C. CosineSimilarit y D. N-grams [\INST] The correct answer is: A <\s>
<s>[INST] What stemming refers to in text mining?Please choose the appropriate answer from the following options: A. Reducing a word to its root B. Defining the parts of speech of a word C. Converting sentences to words D. None of the above [\INST] The correct answer is: A <\s>
<s>[INST] In text mining, how the words ‘lovely’ is converted to ‘love’Please choose the appropriate answer from the following options: A. By stemming B. By tokenization C. By lemmatization D. None of the above [\INST] The correct answer is: A <\s>
<s>[INST] What is tokenization?Please choose the appropriate answer from the following options: A. Breaking sentences into words B. Creating a set of vocabularies C. Removing stopwords D. All of the above [\INST] The correct answer is: A <\s>
<s>[INST] LSTM is a variation of-Please choose the appropriate answer from the following options: A. Perceptron B. Multi Layer Perceptron Network C. Convolutional Neural Network D. Recurrent Neural Network [\INST] The correct answer is: D <\s>
<s>[INST] Which of the following neural networks is the best for machine translation?Please choose the appropriate answer from the following options: A. 2D Convolutional Neural Network B. Recurrent Neural Network C. Multi Layer Perceptron Network D. None [\INST] The correct answer is: B <\s>
<s>[INST] ___________ is a scoring of how rare the word is across documents.Please choose the appropriate answer from the following options: A. Inverse Document frequency B. Term frequency C. File frequency D. None of the above [\INST] The correct answer is: A <\s>

No dataset card yet

New: Create and edit this dataset card directly on the website!

Contribute a Dataset Card
Downloads last month
0
Add dataset card