Machine Learning Fundamentals Quiz
48 Questions
0 Views

Choose a study mode

Play Quiz
Study Flashcards
Spaced Repetition
Chat to Lesson

Podcast

Play an AI-generated podcast conversation about this lesson

Questions and Answers

What fundamental capability did Arthur Samuel attribute to machine learning in 1959?

  • The ability to perform statistical inference.
  • The ability to process large datasets efficiently.
  • The ability to create complex data visualizations.
  • The ability to learn without explicit programming. (correct)
  • Which of the following is a primary focus of statistical models, in contrast to machine learning models?

  • Determining underlying relationships and causality. (correct)
  • Handling large amount of unstructured data.
  • Maximizing prediction accuracy.
  • Identifying input-output relationships.
  • Which of these is NOT a typical characteristic of machine learning models?

  • Large number of parameters.
  • Reliance on associations rather than causal assumptions.
  • Strong focus on clear interpretations of parameters. (correct)
  • Ability to work with unstructured data.
  • Which of the following models are considered to be typical machine learning methods?

    <p>Regression models, decision trees, Random Forests, and neural networks. (D)</p> Signup and view all the answers

    What is a key limitation of machine learning models when applied to socio-technical systems?

    <p>Potential absence of causal insights, which are important for policy implications. (D)</p> Signup and view all the answers

    In the context of machine learning, what does 'learning' typically refer to?

    <p>The process through which a model learns a function that maps input to output. (B)</p> Signup and view all the answers

    What characterizes supervised learning in machine learning?

    <p>It requires input data (X) and its corresponding labels (Y). (D)</p> Signup and view all the answers

    Which type of machine learning learns from rewards or penalties based on its decisions?

    <p>Reinforcement learning. (C)</p> Signup and view all the answers

    What is the primary reason for using cross-validation when training a neural network?

    <p>To minimize the risk of overfitting to a specific dataset configuration. (C)</p> Signup and view all the answers

    Which statement best describes the concept of ensemble modeling?

    <p>It combines predictions from several models to create a single, more accurate prediction. (B)</p> Signup and view all the answers

    What approach do Random Forests use to create multiple training subsets?

    <p>Bootstrap sampling, generating subsets by randomly sampling with replacement. (C)</p> Signup and view all the answers

    Which of these hyperparameters is specific to the Random Forest algorithm?

    <p>Number of trees (<code>n_estimators</code>). (D)</p> Signup and view all the answers

    What is a key difference between Random Forests and Boosting techniques?

    <p>Random Forests use multiple decision trees in parallel, while Boosting trains models sequentially. (A)</p> Signup and view all the answers

    Which of the following best describes the concept of overfitting in machine learning?

    <p>A model that performs very well on training data but poorly on new unseen data. (D)</p> Signup and view all the answers

    Which of the following is a disadvantage of using Random Forests when compared to a single decision tree?

    <p>Random forests are generally more difficult to interpret. (C)</p> Signup and view all the answers

    In the context of the bias-variance trade-off, what does 'bias' refer to?

    <p>Errors introduced by the assumptions made by the learning algorithm. (B)</p> Signup and view all the answers

    What is the role of 'random patching' in the construction of a Random Forest?

    <p>To select a random subset of features used for each split in the tree. (A)</p> Signup and view all the answers

    In the context of model training, what does ‘early stopping’ refer to?

    <p>A technique that stops training when the model’s performance on a validation set starts to degrade, thus preventing overfitting. (C)</p> Signup and view all the answers

    Which of the following is NOT a typical step in the iterative process of model development?

    <p>Implementing the model in a production environment. (C)</p> Signup and view all the answers

    Which of the following is a key difference between the statistical approach and the machine learning approach to regression models?

    <p>Statistical approaches are built on more assumptions and give more interpretable parameters, while machine learning methods tend to have fewer assumptions. (A)</p> Signup and view all the answers

    Which projection method is best suited for preserving area proportions in geospatial data?

    <p>Equal-Area Projection (B)</p> Signup and view all the answers

    Which of the following is a key advantage of using decision trees in machine learning?

    <p>They are easy to understand, use, and interpret, making them useful for feature selection. (D)</p> Signup and view all the answers

    What is a primary disadvantage of decision tree models?

    <p>They are prone to overfitting and can yield unstable results with slight variations in the data. (D)</p> Signup and view all the answers

    For a model predicting housing prices which evaluation metric would be most interpretable for evaluating the average deviation in dollar value?

    <p>Mean Absolute Error (MAE) (C)</p> Signup and view all the answers

    What is the core principle behind Shapley values in the context of machine learning model output?

    <p>To distribute feature contributions based on their marginal impact in various combinations. (B)</p> Signup and view all the answers

    Which of the following is NOT a core property of Shapley values?

    <p>Complexity: Higher feature impact leads to lower scores. (D)</p> Signup and view all the answers

    In the provided comparison between LIME and SHAP, what is a key advantage of SHAP?

    <p>It provides global consistency in its explanations. (D)</p> Signup and view all the answers

    Which of the following is a typical way to visualize SHAP values to show feature contributions for individual predictions?

    <p>Waterfall plot. (C)</p> Signup and view all the answers

    What does permutation feature importance measure?

    <p>How much the predictions change when a feature's values are shuffled randomly. (A)</p> Signup and view all the answers

    How does Sobol Global Sensitivity Analysis primarily contribute to model understanding?

    <p>By measuring how variations in input affect the output. (C)</p> Signup and view all the answers

    In the context of the bicycle sharing dataset mentioned, what do Partial Dependence Plots (PDPs) effectively illustrate?

    <p>How temperature and seasons affect the number of bicycle rentals. (D)</p> Signup and view all the answers

    What is a primary function of Explainable AI (XAI) methods?

    <p>To increase understandability, identify biases, and provide consistent explanations. (D)</p> Signup and view all the answers

    What is the primary mechanism by which Gradient Boosted Trees (GBTs) improve their predictions?

    <p>By sequentially training trees on the residuals of previous trees. (C)</p> Signup and view all the answers

    Which of the following is NOT a common hyperparameter for Gradient Boosted Trees (GBTs)?

    <p>max_features (C)</p> Signup and view all the answers

    What is a key advantage of using embeddings for unstructured data?

    <p>Embeddings transform data into a continuous vector space, making it suitable for algorithms. (C)</p> Signup and view all the answers

    Which of the following is an example of an unsupervised method for creating embeddings?

    <p>Using the bottleneck of an autoencoder. (D)</p> Signup and view all the answers

    According to the content, what is a major disadvantage of ensemble methods compared to simpler models?

    <p>Ensembles have increased training complexity and are more difficult to interpret. (B)</p> Signup and view all the answers

    What is the role of 'semantic preservation' in the context of embeddings?

    <p>It refers to maintaining relationships between the original data in the embedded space. (A)</p> Signup and view all the answers

    Which of the following conditions are required to establish causality between variables XXX and YYY?

    <p>Association, temporary order, and no false connections. (C)</p> Signup and view all the answers

    In comparing ensemble methods, what is a primary advantage of boosting over random forests?

    <p>Boosting is more focused on correcting errors and is effective with complex data. (D)</p> Signup and view all the answers

    What was identified as a significant ethical issue in the Wang & Kosinski study regarding AI and sexual orientation?

    <p>The risk of privacy violation and reinforcement of stereotypes. (C)</p> Signup and view all the answers

    Which specific privacy risk has been highlighted regarding the use of Large Language Models (LLMs)?

    <p>The risk of unintentional leaks of private information. (B)</p> Signup and view all the answers

    In the context of AI and climate change, how are electricity networks being optimized?

    <p>Through AI-driven supply and demand balancing. (B)</p> Signup and view all the answers

    What is a key application of AI in policy analysis related to climate change?

    <p>Simulating the effects of emission reduction strategies. (C)</p> Signup and view all the answers

    According to the guidelines for Explainable AI (XAI), what is important to consider when using interpreting models?

    <p>Contextual and domain-specific requirements. (D)</p> Signup and view all the answers

    What is one of the noted trade-offs when striving for Explainable AI (XAI)?

    <p>The tension between maximizing model performance and explanation clarity. (C)</p> Signup and view all the answers

    What is one of the key functions of post-hoc explanations related to AI models?

    <p>To enhance the understanding of how black-box models work. (C)</p> Signup and view all the answers

    What is highlighted as a crucial next step with regards to XAI?

    <p>The better integration of XAI methodologies into socio- technical systems. (C)</p> Signup and view all the answers

    Flashcards

    What is Machine Learning?

    The field of study that allows computers to learn from data without explicit instructions.

    What's the focus of Machine Learning?

    Machine learning models aim to make accurate predictions by learning the relationship between input and output data.

    What's the focus of Statistical Modelling?

    Statistical models aim to understand the underlying relationships and reasons behind observed data.

    Interpretability of Machine Learning Models

    Machine learning models often have a large number of parameters, making them less interpretable compared to statistical models.

    Signup and view all the flashcards

    What is Supervised Learning?

    Supervised learning involves training a model with labelled data, where both input (X) and output (Y) are provided.

    Signup and view all the flashcards

    What is Unsupervised Learning?

    Unsupervised learning involves analyzing unlabeled data (X) to find patterns and structures within the data.

    Signup and view all the flashcards

    What is Reinforcement Learning?

    Reinforcement learning trains a model through interactions and rewards or punishments based on decisions made.

    Signup and view all the flashcards

    What are some applications of Machine Learning?

    Machine learning models can be used for various tasks, including email spam filtering, chatbots, fraud detection, recommendation systems, and advertisement placement.

    Signup and view all the flashcards

    Overfitting

    A model's tendency to fit the training data too closely, leading to poor performance on new, unseen data. It captures noise and random fluctuations present in the training set, hindering generalization to new examples.

    Signup and view all the flashcards

    Underfitting

    A model that is too simple and fails to capture important patterns in the data, resulting in poor predictive accuracy on both training and new data.

    Signup and view all the flashcards

    Bias-Variance Trade-off

    The balance between bias (errors due to assumptions made by the model) and variance (sensitivity to data variations). A model with high bias makes strong assumptions and might miss important details, while a model with high variance is prone to overfitting.

    Signup and view all the flashcards

    Data Splitting

    A technique used to evaluate the performance of a machine learning model by splitting the dataset into two parts: training data used to train the model and test data used to assess how well it generalizes to unseen data.

    Signup and view all the flashcards

    Model Development Cycle

    A process for developing a machine learning model that involves 5 steps: 1. Studying the phenomenon and cleaning the data, 2. Discovering relevant data features, 3. Exploring relationships through visualizations and correlations, 4. Training a basic model, and 5. Evaluating the model's performance using appropriate metrics.

    Signup and view all the flashcards

    Regression Models

    Models designed to predict continuous values, such as income, age, temperature, or house prices. Examples include linear regression and multiple regression.

    Signup and view all the flashcards

    Linear Regression

    A type of regression model that uses a single explanatory variable to predict a continuous target variable.

    Signup and view all the flashcards

    Multiple Regression

    A type of regression model that uses multiple explanatory variables to predict a continuous target variable.

    Signup and view all the flashcards

    Gradient Boosted Trees (GBTs)

    A boosting technique where decision trees are trained sequentially on residuals, aiming to correct errors from previous trees.

    Signup and view all the flashcards

    Boosting

    A family of algorithms that combine multiple weak learners (often decision trees) to create a stronger predictive model.

    Signup and view all the flashcards

    Learning Rate (Boosting)

    The amount of influence each new tree has on the overall model prediction, controlling the learning speed and preventing overfitting.

    Signup and view all the flashcards

    Embeddings

    Representation of discrete data in a continuous, lower-dimensional vector space, effectively capturing relationships between data points.

    Signup and view all the flashcards

    Causality

    A relationship where a change in one variable (cause) directly leads to a change in another variable (effect), keeping all other factors constant.

    Signup and view all the flashcards

    Supervised Learning

    The process of training a model with labeled data where both inputs (X) and outputs (Y) are provided.

    Signup and view all the flashcards

    Unsupervised Learning

    The process of analyzing unlabeled data to find patterns and structures without explicit output guidance.

    Signup and view all the flashcards

    Reinforcement Learning

    Training a model through interactions with an environment, where the model receives rewards or punishments based on its decisions.

    Signup and view all the flashcards

    SHAP Values

    A method used to explain how each feature contributes to a machine learning model's prediction. Imagine it as dividing the model's output among the input features to quantify their contribution.

    Signup and view all the flashcards

    Responsible AI

    AI systems developed with ethical considerations, focusing on fairness, transparency, accountability, and responsible use.

    Signup and view all the flashcards

    Efficiency (SHAP)

    A property of SHAP Values that ensures the sum of all feature contributions equals the model's final output.

    Signup and view all the flashcards

    AI Bias

    The potential for AI to perpetuate existing societal biases and discrimination in its data and algorithms.

    Signup and view all the flashcards

    Symmetry (SHAP)

    A property of SHAP Values that states features with equal contributions receive the same score, regardless of their order.

    Signup and view all the flashcards

    AI Privacy

    Collecting and analyzing data while respecting individual privacy and maintaining data security.

    Signup and view all the flashcards

    Explainable AI (XAI)

    Techniques that help explain the reasoning behind AI models' decisions, making them more transparent and understandable.

    Signup and view all the flashcards

    Permutation Feature Importance

    A method for explaining the importance of features in a model by randomly shuffling each feature's values and measuring the impact on predictions.

    Signup and view all the flashcards

    ICE (Individual Conditional Expectation)

    A method for visually explaining how features affect model decisions.

    Signup and view all the flashcards

    AI and Climate Change

    Using AI to address climate change challenges, such as optimizing energy use and predicting climate impacts.

    Signup and view all the flashcards

    Challenges of Responsible AI

    Challenges involved in ensuring the ethical and responsible implementation of AI systems.

    Signup and view all the flashcards

    PDP (Partial Dependence Plot)

    A method for visually explaining the impact of a feature on model predictions.

    Signup and view all the flashcards

    Saliency Maps

    A technique used to explain the predictions of Convolutional Neural Networks (CNNs) by highlighting the parts of the input image that were most influential in the prediction.

    Signup and view all the flashcards

    Human-in-the-Loop AI

    Techniques that improve the accuracy and fairness of AI models by incorporating human feedback and insights.

    Signup and view all the flashcards

    Post-Hoc Explainability

    A type of explainable AI method that focuses on providing explanations after a model has been trained. It explores the reasons behind the model's decision by analyzing the features and their contributions.

    Signup and view all the flashcards

    AI for Policy Analysis

    Using AI for policy analysis and decision-making, such as simulating climate scenarios and informing policy interventions.

    Signup and view all the flashcards

    Cross-Validation

    A technique for minimizing the risk of overfitting a model to a specific dataset. It involves training and evaluating the model on multiple combinations of data folds, averaging the performance to optimize hyperparameters.

    Signup and view all the flashcards

    Ensemble Model

    A model that combines multiple ‘weak’ models to create a stronger, more robust model. This technique draws inspiration from the "wisdom of the crowd" principle, where diversity reduces bias and improves generalization.

    Signup and view all the flashcards

    Random Forests

    A type of ensemble model that uses multiple decision trees to make predictions. It addresses the problem of overfitting inherent in decision trees by introducing diversity and stability. These trees are trained on different bootstrap samples of the data, using a random subset of features for splitting at each node.

    Signup and view all the flashcards

    Bagging

    A technique used to build random forests, where multiple bootstrap datasets are created by randomly sampling data with replacement. This allows the model to be trained on different subsets of data, reducing overfitting.

    Signup and view all the flashcards

    Random Patching

    A technique used in random forests, where a randomly selected subset of features is considered at each split in a decision tree. This helps to improve diversity and prevent the model from relying too heavily on any specific features.

    Signup and view all the flashcards

    n_estimators

    A hyperparameter in random forests that controls the number of decision trees in the ensemble. Increasing this number generally improves performance up to a certain point.

    Signup and view all the flashcards

    max_features

    A hyperparameter in random forests that controls the maximum number of features considered during each split in a decision tree.

    Signup and view all the flashcards

    Study Notes

    Machine Learning (ML)

    • ML is the field that gives computers the ability to learn without explicit programming
    • Applications include email spam filters, chatbots, fraud detection, recommendation systems, and advertisement placement.
    • Increased popularity is due to the growth of large datasets (big data) and more powerful computing power.
    • ML can now work with unstructured data such as images, video, text and audio.

    Statistical Models vs. Machine Learning

    • Statistical models focus on inference, determining relationships and reasons.
    • They rely on theories like the law of large numbers and central limit theorem.
    • Statistical model parameters are typically interpretable.
    • Machine learning focuses on predictions, learning input-output relationships.
    • Machine learning models are less focused on theory and more on data-driven generalization performance.
    • Machine learning models often have many parameters that are not easily interpretable.

    Machine Learning Methods

    • Regression models: Linear, Logistic regression, Decision trees, Random Forests.
    • Advanced models: Artificial Neural Networks, Gradient Boosting, Clustering (e.g., K-means, DBSCAN), and Bayesian Networks.

    Lecture 2: Machine Learning Fundamentals

    • Learning: The process by which a model learns a function from input to output based on examples.

    • Supervised learning: Uses labeled data (X,Y) to train a model to replicate correct answers.

    • Unsupervised learning: Uses unlabeled data (X) to understand data structure.

    • Reinforcement learning: Uses rewards (positive or negative) to train a model's decision-making.

    • Generalization: The goal of developing a model performing well on new data.

    • Overfitting: A model fitting too closely to training data, performing poorly on new data.

    • Underfitting: A model too simple to capture patterns in the data.

    • Bias-variance trade-off: Balance between bias (errors from assumptions) and variance (sensitivity to data variations).

    Lecture 4: Decision Trees

    • Decision trees: Commonly used ML models for classification and regression.
    • Advantages: Easy to understand, interpret, and require little preprocessing.
    • Disadvantages: Sensitive to overfitting and results vary with small changes in the data.

    Lecture 5: Artificial Neural Networks (ANNs)

    • ANNs are popular ML models used for classification and regression, particularly in deep learning applications.
    • Advantages include flexibility and scalability to large datasets with nonlinear relationships.
    • Limitations include interpretability issues, intensive training requirements, and a lack of guaranteed performance compared to simpler models.

    Lecture 7: Ensemble Models

    • Ensemble models: Combines multiple weak models to create a stronger one, based on the "wisdom of the crowd"
    • Random Forests: An ensemble of decision trees that addresses overfitting by generating diversity in trees and random feature subsets.
    • Boosting: Trains multiple models sequentially where each model targets prediction errors of the previous model.
    • Gradient Boosted Trees (GBTs): A popular boosting technique using decision trees.

    Lecture 8: Embeddings, Causality and Prediction

    • Embeddings represent categorical data in a continuous vector space.
    • Embeddings make unstructured data suitable for computational processing.
    • Supervised, Unupervised and pre-trained models used in creating embeddings.
    • Causality involves relationships between variables with one variable being affected by (cause) the other (effect).
    • Models performing well are within the training data distribution.

    Explainable AI (XAI) - Part 1 & 2

    • XAI develops ML models explaining their predictions and promoting trust/stewardship.
    • Properties: interpretability, accuracy, fidelity, consistency, comprehensibility, stability, and contrast.
    • Methods for explanation include feature relevance, PDP, ICE, LIME, and SHAP.

    Explainable AI (XAI) - Part 3

    • Post-hoc explainability methods evaluate model predictions and reveal feature relevance.
    • Responsible AI involves ethical and privacy considerations like fairness and mitigation of bias.
    • Risks of LLMs (e.g., discrimination, misinformation) must be addressed
    • Climate changes application: electricity networks, transport, buildings.

    Studying That Suits You

    Use AI to generate personalized quizzes and flashcards to suit your learning preferences.

    Quiz Team

    Related Documents

    Description

    Test your knowledge on the fundamentals of machine learning with this quiz. Explore key concepts, methods, and limitations within the field. Perfect for students and enthusiasts looking to strengthen their understanding of machine learning principles.

    More Like This

    Use Quizgecko on...
    Browser
    Browser