Data Analytics With Cognos Questions
Data Analytics With Cognos Questions
Which tool is used for Business Intelligence and data analytics in this course?
a) Tableau
b) Microsoft Excel
c) IBM Cognos Analytics
d) Power BI
Answer: c) IBM Cognos Analytics
In IBM Cognos Analytics, what is the primary method for creating reports and dashboards?
a) Writing SQL queries
b) Using drag-and-drop interface
c) Programming in Python
d) Creating spreadsheets
Answer: b) Using drag-and-drop interface
What is the process of retrieving data from various sources and loading it into a data warehouse or BI tool?
a) Data Exploration
b) Data Visualization
c) Data Extraction
d) Data Cleansing
Answer: c) Data Extraction
Which module of Cognos Analytics focuses on using the tool for real-life scenarios and practical applications?
a) Module 1
b) Module 3
c) Module 4
d) Module 5
Answer: c) Module 4
What type of data is used in Cognos Analytics to create reports and visualizations?
a) Structured data only
b) Unstructured data only
c) Both structured and unstructured data
d) Only data from Excel spreadsheets
Answer: c) Both structured and unstructured data
What is the process of converting raw data into a meaningful and organized format for analysis?
a) Data Extraction
b) Data Visualization
c) Data Exploration
d) Data Transformation
Answer: d) Data Transformation
Which module in this course focuses on using Python for data analysis and machine learning?
a) Module 4
b) Module 6
c) Module 7
d) Module 9
Answer: b) Module 6
Which data visualization technique is used to represent data distribution and detect outliers?
a) Scatter plot
b) Bar chart
c) Histogram
d) Line chart
Answer: c) Histogram
Which module in this course focuses on building and deploying machine learning applications?
a) Module 2
b) Module 5
c) Module 8
d) Module 10
Answer: d) Module 10
What is the process of transforming data into a format suitable for analysis and modeling?
a) Data Exploration
b) Data Visualization
c) Data Extraction
d) Data Preprocessing
Answer: d) Data Preprocessing
Which Python library is commonly used for data manipulation and analysis in machine learning projects?
a) TensorFlow
b) Scikit-learn
c) Keras
d) PyTorch
Answer: b) Scikit-learn
Which module in this course focuses on using Cognos Analytics for data exploration and visualization?
a) Module 3
b) Module 5
c) Module 7
d) Module 9
Answer: c) Module 7
What is the process of presenting data and insights in a graphical or visual format to facilitate better
understanding and decision-making?
a) Data Extraction
b) Data Visualization
c) Data Exploration
d) Data Transformation
Answer: b) Data Visualization
Which module in this course focuses on using Cognos Analytics to present data and insights effectively?
a) Module 1
b) Module 3
c) Module 5
d) Module 7
Answer: d) Module 7
What type of learning algorithm is used for predicting numeric values, such as house prices, based on input
features?
a) Classification
b) Clustering
c) Regression
d) Reinforcement Learning
Answer: c) Regression
Which technique is used to find the best set of hyperparameters for a machine learning model?
a) Gradient Descent
b) Feature Engineering
c) Hyperparameter Optimization
d) K-nearest Neighbors
Answer: c) Hyperparameter Optimization
What is the term used for machine learning algorithms that learn from labeled data to make predictions or
decisions?
a) Unsupervised Learning
b) Reinforcement Learning
c) Supervised Learning
d) Semi-Supervised Learning
Answer: c) Supervised Learning
Which evaluation metric is commonly used for classification problems and represents the ratio of correctly
predicted instances to the total instances?
a) Mean Squared Error (MSE)
b) Area Under the Curve (AUC)
c) F1 Score
d) Accuracy
Answer: d) Accuracy
Which cloud platform is known for providing AI services and tools for data science and machine learning
applications?
a) Azure
b) AWS
c) IBM Cloud
d) Google Cloud Platform
Answer: c) IBM Cloud
What is the process of deploying a machine learning model into a production environment to make real-time
predictions?
a) Data Extraction
b) Model Evaluation
c) Model Deployment
d) Data Visualization
Answer: c) Model Deployment
Which Python library is widely used for building and training deep learning models and neural networks?
a) TensorFlow
b) Scikit-learn
c) Keras
d) PyTorch
Answer: a) TensorFlow
Which machine learning algorithm is used for finding patterns and relationships in data by grouping similar
instances together?
a) K-means Clustering
b) Decision Trees
c) Naive Bayes
d) Support Vector Machines (SVM)
Answer: a) K-means Clustering
Which evaluation metric is commonly used for regression problems and represents the average difference
between predicted and actual values?
a) R-squared (R2) Score
b) Mean Absolute Error (MAE)
c) Precision
d) F1 Score
Answer: b) Mean Absolute Error (MAE)
Which technique is used to handle missing values in a dataset by estimating the missing values based on other
variables?
a) Data Imputation
b) Data Normalization
c) Data Encoding
d) Data Scaling
Answer: a) Data Imputation
Which machine learning algorithm is used for finding patterns in data by dividing the dataset into subsets using
a series of binary decisions?
a) K-nearest Neighbors (KNN)
b) Decision Trees
c) Random Forest
d) Support Vector Machines (SVM)
Answer: b) Decision Trees
Which evaluation metric is used to assess the performance of a classification model by measuring the trade-off
between precision and recall?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Area Under the Curve (AUC)
Answer: a) F1 Score
Which unsupervised learning algorithm is used for finding patterns in data based on the concept of
"association" between items?
a) Apriori Algorithm
b) Hierarchical Clustering
c) k-Nearest Neighbors (k-NN)
d) Principal Component Analysis (PCA)
Answer: a) Apriori Algorithm
Which technique is used for tuning hyperparameters by searching through different combinations to find the
best model performance?
a) Grid Search
b) Random Search
c) Gradient Descent
d) Stochastic Optimization
Answer: a) Grid Search
Which evaluation metric is used to assess the performance of a classification model by measuring the area
under the Receiver Operating Characteristic (ROC) curve?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Area Under the Curve (AUC)
Answer: d) Area Under the Curve (AUC)
Which Python library is used for statistical computations and hypothesis testing?
a) Pandas
b) NumPy
c) SciPy
d) Matplotlib
Answer: c) SciPy
Which machine learning algorithm is used for predicting categorical target variables with more than two
classes?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Random Forest
Answer: d) Random Forest
Which data preprocessing technique is used to scale the features to a specific range, such as [0, 1] or [-1, 1]?
a) Feature Scaling
b) Data Normalization
c) Data Imputation
d) Label Encoding
Answer: a) Feature Scaling
Which Python library is used for creating interactive visualizations for exploratory data analysis?
a) Seaborn
b) Plotly
c) Matplotlib
d) Pandas
Answer: b) Plotly
Which technique is used to handle the curse of dimensionality by projecting the data into a lower-dimensional
space?
a) Ridge Regression
b) Principal Component Analysis (PCA)
c) Recursive Feature Elimination (RFE)
d) Gradient Boosting Machines (GBM)
Answer: b) Principal Component Analysis (PCA)
Which evaluation metric is used to assess the performance of a regression model by measuring the proportion
of variance in the target variable explained by the model?
a) F1 Score
b) R-squared (R2) Score
c) Mean Squared Error (MSE)
d) Precision
Answer: b) R-squared (R2) Score
Which unsupervised learning algorithm is used for grouping similar data points into clusters based on their
distance from cluster centers?
a) K-means Clustering
b) Decision Trees
c) Principal Component Analysis (PCA)
d) k-Nearest Neighbors (k-NN)
Answer: a) K-means Clustering
Which data preprocessing technique is used to convert categorical variables into numerical form while creating
binary columns for each category?
a) Data Normalization
b) Feature Scaling
c) One-Hot Encoding
d) Label Encoding
Answer: c) One-Hot Encoding
Which machine learning algorithm is used for predicting categorical target variables with two classes, often in
the context of decision-making?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Gradient Boosting Machines (GBM)
Answer: a) Decision Trees
Which technique is used for selecting the best features in a dataset based on their importance in predicting the
target variable?
a) Lasso Regression
b) Ridge Regression
c) Recursive Feature Elimination (RFE)
d) Principal Component Analysis (PCA)
Answer: c) Recursive Feature Elimination (RFE)
Which Python library is used for creating and training deep learning models with a focus on simplicity and ease
of use?
a) NumPy
b) Matplotlib
c) Keras
d) TensorFlow
Answer: c) Keras
Which evaluation metric is used to assess the performance of a classification model by measuring the
proportion of true positive predictions out of all positive instances?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Recall
Answer: d) Recall
Which machine learning algorithm is used for finding patterns and relationships in data using reinforcement
signals?
a) K-means Clustering
b) Decision Trees
c) Reinforcement Learning
d) Linear Regression
Answer: c) Reinforcement Learning
Which method is used to split Which method is used to split the dataset into training and testing sets while
preserving the original class distribution?
the dataset into training and testing sets while preserving the original class distribution?
a) K-fold Cross-Validation
b) Hold-out Validation
c) Stratified Sampling
d) Random Sampling
Answer: c) Stratified Sampling
Which Python library is used for creating and training deep learning models with a focus on GPU acceleration?
a) NumPy
b) Matplotlib
c) PyTorch
d) Keras
Answer: c) PyTorch
Which evaluation metric is used to assess the performance of a regression model by measuring the average
squared difference between predicted and actual values?
a) F1 Score
b) R-squared (R2) Score
c) Mean Squared Error (MSE)
d) Precision
Answer: c) Mean Squared Error (MSE)
Which unsupervised learning algorithm is used for grouping data points based on their similarity to a given
number of cluster centroids?
a) K-means Clustering
b) Hierarchical Clustering
c) t-distributed Stochastic Neighbor Embedding (t-SNE)
d) Principal Component Analysis (PCA)
Answer: a) K-means Clustering
Which data preprocessing technique is used to scale the features to have a mean of zero and a standard
deviation of one?
a) Feature Scaling
b) Data Normalization
c) Data Imputation
d) Label Encoding
Answer: a) Feature Scaling
Which machine learning algorithm is used for predicting categorical target variables with two classes?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Support Vector Machines (SVM)
Answer: d) Support Vector Machines (SVM)
Which technique is used to handle the class imbalance problem by combining the predictions of multiple
models?
a) Ensemble Learning
b) SMOTE (Synthetic Minority Over-sampling Technique)
c) Ridge Regression
d) Recursive Feature Elimination (RFE)
Answer: a) Ensemble Learning
Which Python library is used for creating and training deep learning models with a focus on GPU acceleration
and distributed computing?
a) NumPy
b) Matplotlib
c) PyTorch
d) Keras
Answer: c) PyTorch
Which evaluation metric is used to assess the performance of a classification model by measuring the ability to
correctly identify negative instances?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Specificity
Answer: d) Specificity
Which machine learning algorithm is used for predicting continuous target variables based on an ensemble of
decision trees?
a) Decision Trees
b) K-means Clustering
c) Random Forest
d) Ridge Regression
Answer: c) Random Forest
Which method is used to split the dataset into training, validation, and testing sets while preserving the
original class distribution and considering the imbalance in the target variable?
a) K-fold Cross-Validation
b) Hold-out Validation
c) Stratified Sampling
d) Random Sampling
Answer: a) K-fold Cross-Validation
Which Python library is used for creating and training deep learning models with a focus on flexibility and
customization?
a) NumPy
b) Matplotlib
c) TensorFlow
d) PyTorch
Answer: d) PyTorch
Which evaluation metric is used to assess the performance of a regression model by measuring the proportion
of variance in the target variable not explained by the model?
a) F1 Score
b) R-squared (R2) Score
c) Mean Squared Error (MSE)
d) Precision
Answer: b) R-squared (R2) Score
Which unsupervised learning algorithm is used for projecting high-dimensional data into a lower-dimensional
space while preserving the pairwise distances between data points?
a) K-means Clustering
b) Hierarchical Clustering
c) t-distributed Stochastic Neighbor Embedding (t-SNE)
d) Principal Component Analysis (PCA)
Answer: c) t-distributed Stochastic Neighbor Embedding (t-SNE)
Which data preprocessing technique is used to convert categorical variables into numerical form by replacing
each category with its corresponding frequency in the dataset?
a) Data Normalization
b) Feature Scaling
c) Frequency Encoding
d) Label Encoding
Answer: c) Frequency Encoding
Which machine learning algorithm is used for predicting categorical target variables with more than two
classes, often in the context of probability estimation?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Logistic Regression
Answer: d) Logistic Regression
Which technique is used to handle the class imbalance problem by generating synthetic samples for the
minority class and merging them with the original dataset?
a) Ensemble Learning
b) SMOTE (Synthetic Minority Over-sampling Technique)
c) Ridge Regression
d) Recursive Feature Elimination (RFE)
Answer: b) SMOTE (Synthetic Minority Over-sampling Technique)
Which Python library is used for creating and training deep learning models with a focus on ease of use and
seamless integration with TensorFlow?
a) NumPy
b) Matplotlib
c) Keras
d) PyTorch
Answer: c) Keras
Which evaluation metric is used to assess the performance of a classification model by measuring the trade-off
between true positive rate and false positive rate?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Receiver Operating Characteristic (ROC) Curve
Answer: d) Receiver Operating Characteristic (ROC) Curve
Which machine learning algorithm is used for predicting continuous target variables based on an ensemble of
decision trees with regularization?
a) Decision Trees
b) K-means Clustering
c) Random Forest
d) Lasso Regression
Answer: d) Lasso Regression
Which method is used to split the dataset into training, validation, and testing sets by randomly assigning
instances to each set?
a) K-fold Cross-Validation
b) Hold-out Validation
c) Stratified Sampling
d) Random Sampling
Answer: d) Random Sampling
Which Python library is used for creating and training deep learning models with a focus on efficient
computation on CPUs and GPUs?
a) NumPy
b) Matplotlib
c) TensorFlow
d) Keras
Answer: c) TensorFlow
Which evaluation metric is used to assess the performance of a regression model by measuring the proportion
of variance in the target variable explained by the model, adjusted for the number of features?
a) F1 Score
b) Adjusted R-squared Score
c) Mean Squared Error (MSE)
d) Precision
Answer: b) Adjusted R-squared Score
Which unsupervised learning algorithm is used for projecting high-dimensional data into a lower-dimensional
space by preserving the pairwise distances between data points and emphasizing on the global structure of the
data?
a) K-means Clustering
b) Hierarchical Clustering
c) t-distributed Stochastic Neighbor Embedding (t-SNE)
d) Principal Component Analysis (PCA)
Answer: c) t-distributed Stochastic Neighbor Embedding (t-SNE)
Which data preprocessing technique is used to convert categorical variables into numerical form by assigning
each category a unique integer while considering the order of categories?
a) Data Normalization
b) Feature Scaling
c) Ordinal Encoding
d) Label Encoding
Answer: c) Ordinal Encoding
Which machine learning algorithm is used for predicting categorical target variables with two classes, often in
the context of probability estimation?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Logistic Regression
Answer: d) Logistic Regression
Which technique is used to handle the class imbalance problem by generating synthetic samples for the
minority class and merging them with the original dataset using weighted averages?
a) Ensemble Learning
b) SMOTE (Synthetic Minority Over-sampling Technique)
c) Ridge Regression
d) K-nearest Neighbors (KNN)
Answer: b) SMOTE (Synthetic Minority Over-sampling Technique)
Which Python library is used for creating and training deep learning models with a focus on flexibility and ease
of use for researchers and practitioners?
a) NumPy
b) Matplotlib
c) Keras
d) PyTorch
Answer: d) PyTorch
Which evaluation metric is used to assess the performance of a classification model by measuring the trade-off
between precision and recall?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Area Under the Curve (AUC)
Answer: a) F1 Score
Which machine learning algorithm is used for finding patterns in data by dividing the dataset into subsets using
a series of binary decisions?
a) K-nearest Neighbors (KNN)
b) Decision Trees
c) Random Forest
d) Support Vector Machines (SVM)
Answer: b) Decision Trees
Which evaluation metric is used to assess the performance of a regression model by measuring the proportion
of variance in the target variable explained by the model, adjusted for the number of features?
a) F1 Score
b) Adjusted R-squared Score
c) Mean Squared Error (MSE)
d) Precision
Answer: b) Adjusted R-squared Score
Which unsupervised learning algorithm is used for grouping similar data points into clusters based on their
distance from cluster centers?
a) K-means Clustering
b) Decision Trees
c) Principal Component Analysis (PCA)
d) k-Nearest Neighbors (k-NN)
Answer: a) K-means Clustering
Which data preprocessing technique is used to convert categorical variables into numerical form while creating
binary columns for each category?
a) Data Normalization
b) Feature Scaling
c) One-Hot Encoding
d) Label Encoding
Answer: c) One-Hot Encoding
Which machine learning algorithm is used for predicting categorical target variables with more than two
classes, often in the context of probability estimation?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Logistic Regression
Answer: d) Logistic Regression
Which technique is used to handle the class imbalance problem by generating synthetic samples for the
minority class and merging them with the original dataset?
a) Ensemble Learning
b) SMOTE (Synthetic Minority Over-sampling Technique)
c) Ridge Regression
d) Recursive Feature Elimination (RFE)
Answer: b) SMOTE (Synthetic Minority Over-sampling Technique)
Which Python library is used for creating and training deep learning models with a focus on ease of use and
seamless integration with TensorFlow?
a) NumPy
b) Matplotlib
c) Keras
d) PyTorch
Answer: c) Keras
Which evaluation metric is used to assess the performance of a classification model by measuring the trade-off
between true positive rate and false positive rate?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Receiver Operating Characteristic (ROC) Curve
Answer: d) Receiver Operating Characteristic (ROC) Curve
Which machine learning algorithm is used for predicting continuous target variables based on an ensemble of
decision trees with regularization?
a) Decision Trees
b) K-means Clustering
c) Random Forest
d) Lasso Regression
Answer: d) Lasso Regression
Which method is used to split the dataset into training, validation, and testing sets by randomly assigning
instances to each set?
a) K-fold Cross-Validation
b) Hold-out Validation
c) Stratified Sampling
d) Random Sampling
Answer: d) Random Sampling
Which Python library is used for creating and training deep learning models with a focus on efficient
computation on CPUs and GPUs?
a) NumPy
b) Matplotlib
c) TensorFlow
d) Keras
Answer: c) TensorFlow
Which evaluation metric is used to assess the performance of a regression model by measuring the proportion
of variance in the target variable explained by the model, adjusted for the number of features?
a) F1 Score
b) Adjusted R-squared Score
c) Mean Squared Error (MSE)
d) Precision
Answer: b) Adjusted R-squared Score
Which unsupervised learning algorithm is used for projecting high-dimensional data into a lower-dimensional
space by preserving the pairwise distances between data points and emphasizing on the global structure of the
data?
a) K-means Clustering
b) Hierarchical Clustering
c) t-distributed Stochastic Neighbor Embedding (t-SNE)
d) Principal Component Analysis (PCA)
Answer: c) t-distributed Stochastic Neighbor Embedding (t-SNE)
Which data preprocessing technique is used to convert categorical variables into numerical form by assigning
each category a unique integer while considering the order of categories?
a) Data Normalization
b) Feature Scaling
c) Ordinal Encoding
d) Label Encoding
Answer: c) Ordinal Encoding
Which machine learning algorithm is used for predicting categorical target variables with two classes, often in
the context of probability estimation?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Logistic Regression
Answer: d) Logistic Regression
Which technique is used to handle the class imbalance problem by generating synthetic samples for the
minority class and merging them with the original dataset using weighted averages?
a) Ensemble Learning
b) SMOTE (Synthetic Minority Over-sampling Technique)
c) Ridge Regression
d) K-nearest Neighbors (KNN)
Answer: b) SMOTE (Synthetic Minority Over-sampling Technique)
Which Python library is used for creating and training deep learning models with a focus on flexibility and ease
of use for researchers and practitioners?
a) NumPy
b) Matplotlib
c) Keras
d) PyTorch
Answer: d) PyTorch
Which evaluation metric is used to assess the performance of a classification model by measuring the trade-off
between precision and recall?
a) F1 Score
b) R-squared (R2) Score
c) Mean Absolute Error (MAE)
d) Area Under the Curve (AUC)
Answer: a) F1 Score
Which machine learning algorithm is used for finding patterns in data by dividing the dataset into subsets using
a series of binary decisions?
a) K-nearest Neighbors (KNN)
b) Decision Trees
c) Random Forest
d) Support Vector Machines (SVM)
Answer: b) Decision Trees
Which evaluation metric is used to assess the performance of a regression model by measuring the proportion
of variance in the target variable explained by the model, adjusted for the number of features?
a) F1 Score
b) Adjusted R-squared Score
c) Mean Squared Error (MSE)
d) Precision
Answer: b) Adjusted R-squared Score
Which unsupervised learning algorithm is used for grouping similar data points into clusters based on their
distance from cluster centers?
a) K-means Clustering
b) Decision Trees
c) Principal Component Analysis (PCA)
d) k-Nearest Neighbors (k-NN)
Answer: a) K-means Clustering
Which data preprocessing technique is used to convert categorical variables into numerical form while creating
binary columns for each category?
a) Data Normalization
b) Feature Scaling
c) One-Hot Encoding
d) Label Encoding
Answer: c) One-Hot Encoding
Which machine learning algorithm is used for predicting categorical target variables with more than two
classes, often in the context of probability estimation?
a) Decision Trees
b) K-means Clustering
c) Naive Bayes
d) Logistic Regression
Answer: d) Logistic Regression