Machine Learning Data Mining Using Python -UBCC5001
Machine Learning Data Mining Using Python -UBCC5001
Machine Learning Data Mining Using Python -UBCC5001
Prepared by
Department of Computer Science
&
Department of BCA & Data Science
PART – D
1. Explain the various selection/conditional branching statements supported by python.
2. Explain break and continue statement with the help of for loop in an example.
3. Illustrate the syntax and flowchart of the following looping statements in python (i) for
loop (ii) while loop.
4. Discuss in detail about string, list and dictionary operations in python with suitable
examples.
5. Write a python program to print diamond pattern using for loop.
UNIT – III
PART – A
1. What is the main goal of machine learning?
(A) To program computers without human intervention
(B) To enable computers to learn from data and improve performance over time
(C) To create AI systems that can outperform humans
(D) To develop complex algorithms for data processing
2. Which type of machine learning algorithm is trained on labelled data to make predictions
on new, unseen data?
(A) Unsupervised Learning (B) Reinforcement Learning
(C) Semi-supervised Learning (D) Supervised Learning
3. What is the process of preparing raw data by cleaning, transforming, and normalizing it for
machine learning?
(A) Data Preprocessing (B) Data Engineering
(C) Data Wrangling (D) Data Augmentation
4. In unsupervised learning, the primary task is:
(A) Predicting an output value based on input data
(B) Discovering patterns or structures in data
(C) Maximizing cumulative rewards through interactions with the environment
(D) Learning from expert demonstrations
5. Which machine learning algorithm is inspired by the behavior of neurons in the human
brain?
(A) Decision Trees (B) k-Nearest Neighbors (k-NN)
(C) Support Vector Machines (SVM) (D) Artificial Neural Networks (ANN)
4. Which type of machine learning involves training a model with labeled data?
(A) Unsupervised Learning (B) Reinforcement Learning
(C) Supervised Learning (D) Semi-Supervised Learning
5. What type of machine learning is used when the model is trained without labeled data?
(A) Supervised Learning (B) Unsupervised Learning
(C) Reinforcement Learning (D) Transfer Learning
6. In supervised learning, what are the labels in the training data used for?
(A) To determine the model's accuracy
(B) To help the model learn and make predictions
(C) To clean the data
(D) To improve the data collection process
7. Which of the following is an example of a supervised learning task?
(A) Customer segmentation (B) Spam email classification
(C) Market basket analysis (D) Anomaly detection
8. Which machine learning technique involves clustering data into groups based on
similarities?
(A) Classification (B) Regression (C) Clustering (D) Reinforcement
9. What is the purpose of feature selection in machine learning?
(A) To increase the number of features in the dataset
(B) To improve the accuracy of the model by selecting the most relevant features
(C) To visualize data features
(D) To generate new features from existing ones
10. Which tool is commonly used for data preprocessing in machine learning?
(A) TensorFlow (B) Keras (C) Pandas (D) PyTorch
11. What is a common application of reinforcement learning?
(A) Image classification (B) Predicting stock prices
(C) Game playing (e.g., chess, Go) (D) Customer segmentation
12. Which metric is commonly used to evaluate classification models?
(A) Mean Squared Error (B) Accuracy
(C) R-squared (D) Confusion Matrix
13. What does the term "overfitting" refer to in machine learning?
(A) The model performs well on the training data but poorly on unseen data
(B) The model has too few parameters
(C) The model does not learn from the training data
(D) The model uses too little data
14. Which of the following is a popular library for building neural networks?
(A) NumPy (B) Matplotlib (C) Keras (D) Scikit-learn
15. In unsupervised learning, what does dimensionality reduction aim to achieve?
(A) To increase the number of features in the dataset
(B) To reduce the number of features while preserving important information
(C) To convert categorical data into numerical data
(D) To balance the dataset
16. Which algorithm is commonly used for linear regression tasks?
(A) k-Nearest Neighbors (B) Support Vector Machine
(C) Gradient Descent (D) Random Forest
17. What is the purpose of a validation set in machine learning?
(A) To train the model
(B) To evaluate the performance of the model during training and tune
hyperparameters
(C) To test the model after training
(D) To collect additional data
18. Which type of machine learning model would you use to predict a continuous value?
(A) Classification Model (B) Clustering Model
(C) Regression Model (D) Anomaly Detection Model
20. Which tool provides a comprehensive environment for machine learning, including data
preprocessing, model training, and deployment?
(A) TensorFlow (B) Jupyter Notebook (C) PyTorch (D) Scikit-learn
PART – B
1. Define Machine Learning.
2. What is the primary purpose of machine learning?
3. Difference between supervised and unsupervised learning.
4. What is the difference between classification and regression in supervised learning?
5. Give an example of a machine learning application in healthcare.
6. What is data preprocessing and why is it important?
7. Define Support Vector Machine.
8. What is KNN?
9. List out the types of machine learning algorithms.
10. Define linear and logistic regression with an example.
11. Define Random Forest Regression.
12. Write a short note on: Decision Tree with an example.
13. Define Reinforcement Learning with an example.
14. List any five tools used for Machine Learning.
15. What is the purpose Machine Learning and list the applications of Machine Learning?
PART – C
1. Examine in detail about machine learning process with an example
2. Differentiate between Training data and Testing Data
3. Explain various learning techniques involved in supervised learning?
4. Explain various learning techniques involved in unsupervised learning?
5. Difference between linear regression and logistic regression.
6. Discuss in detail about classification in supervised learning and list it types.
7. Write a short note on:
(a) Support Vector Machine
(b) Random Forest Regression
8. Explain in detail about KNN and Decision Tree with suitable example.
9. How machine learning used in business, agriculture ,fraud detection, image processing,
and medical fields with few examples.
10. Briefly explain the tools used for machine learning with suitable examples for each tool.
PART – D
1. What is machine learning? Discuss about learning and machine learning. Choose various
types of machine learning.
2. Demonstrate the supervised learning structure.
3. Explain briefly about unsupervised learning structure?
4. Differentiate between Supervised, Unsupervised and Reinforcement Learning.
5. Explain the software tools used in machine learning and describe each tool in details.