ML course - EPFL Machine Learning Course, Fall 2021

Overview

EPFL Machine Learning Course CS-433

Machine Learning Course, Fall 2021

Repository for all lecture notes, labs and projects - resources, code templates and solutions. Videos available here on youtube.

The course website and syllabus is available here: https://www.epfl.ch/labs/mlo/machine-learning-cs-433/

Contact us if you have any questions, via the discussion forum (password on moodle for EPFL students), or email to the assistants or teachers. Please create issues and pull requests here using the menu above.

Comments
  • Project2, text: glove_solution does not copy data

    Project2, text: glove_solution does not copy data

    Currently, glove_solution.py computes a wrong value for ys, which is demonstrated by the following example code:

    # example matrices parameter
    xs = np.eye(5)
    ys = np.eye(5)
    
    # example indices parameter
    ix = 0
    jy = 0
    
    # example scale parameter
    scale = 1
    
    # code from glove_solution.py
    x, y = xs[ix, :], ys[jy, :]
    
    xs[ix, :] += scale * y
    ys[jy, :] += scale * x
    
    print(ys)
    

    Outputs

     [[ 3.  0.  0.  0.  0.]
     [ 0.  1.  0.  0.  0.]
     [ 0.  0.  1.  0.  0.]
     [ 0.  0.  0.  1.  0.]
     [ 0.  0.  0.  0.  1.]]
    

    The problem with the ys value is that on the update it uses already modified variable x (modified by changing xs)

    Possible solution: add data copying

    opened by sergia-ch 4
  • Missing a file (Or something may not be clear)

    Missing a file (Or something may not be clear)

    Hi,

    For the exercise 2 in lab03, the file plots.py is importing a file called build_polynomial. We are missing this file..

    From what I've seen, we are using a function called build_poly in this file. Is it the build_poly function we wrote just before testing the polynomial regression?

    Thanks

    opened by glederrey 4
  • Problem set 7 : strict convexity definition

    Problem set 7 : strict convexity definition

    In Problem Set 7, in the definition of strictly convex function, I think it should be :

    for all x,y in the domain of f such that x ≠ y

    instead of

    for all x,y in the domain of f

    🤓

    opened by maximepeschard 2
  • Problem Set 2 -1st question, 4th bullet

    Problem Set 2 -1st question, 4th bullet

    This refers to Problem Set 2, Exercise 1 In the question - 'What would X32 represent?' I think it should be X_(31) instead of X_(32). X_32 would not be a matrix element as per the notations used in the exercise.

    opened by akhileshgotmare 2
  • Miss the

    Miss the "grid_search.py" file for 2nd assignment

    Miss the "grid_search.py" file for 2nd assignment. @glederrey

    import numpy as np
    
    def generate_w(num_intervals = 10):
        w0 = np.linspace(-100.0, 200.0, num_intervals)
        w1 = np.linspace(-150.0, 150.0, num_intervals)
        return (w0, w1)
    
    def get_best_parameters(grid_w0, grid_w1, grid_losses):
        flat_index = np.argmin(grid_losses)
        index = np.unravel_index(flat_index, grid_losses.shape)
    
        return (grid_losses.flat[flat_index], grid_w0[index[0]], grid_w1[index[1]])
    
    
    opened by jmuth 2
  • Clean-up in the repository history

    Clean-up in the repository history

    Hi,

    Could you please do some clean-up in the repository history before next semester starts?

    A fresh clone gives me:

    --- /home/git/ML_course -------------------------
      758.9 MiB [##########] /.git                                                                                                                                                                            
       33.6 MiB [          ] /exam
        1.5 MiB [          ] /labs
        4.0 KiB [          ]  .gitignore
        4.0 KiB [          ]  README.md
    

    You can use git-filter-branch or bfg for that purpose.

    Our users (on noto.epfl.ch) have 253 copies (and counting) of this repository, using already 230 GB of disk and about 2 TB of s3 backup/archive space.

    Thank you!

    opened by nibheis 1
  • Fix vertical spacing in README

    Fix vertical spacing in README

    The end of the readme for text-classification project was hard to read due to some text being recognized as code by github. I added spacing between existing code block and text to fix this.

    opened by julien-h 1
  • lab03 figure 1

    lab03 figure 1

    In order to get the same figure as in figure 1 in lab03 I think that lambdas in ex03.ipynb should be set to np.logspace(-5, 1, 15) instead of np.logspace(-5, 0, 15). Am I right?

    opened by dsar 1
  • Exercise Set 2 - Exercise 5 - Typo

    Exercise Set 2 - Exercise 5 - Typo

    You say at the beginning of Exercise 5:

    Reload the data through function load data() by setting sub sub_sample=False to keep only a few data examples. It should be sub_sample=True. It's a small typo.. But just in case..

    Thanks @jmuth

    opened by glederrey 1
  • Typo in formulation of sigmoid function

    Typo in formulation of sigmoid function

    Lecture 5b page 2 defines the logistic function as e^z / (1+e^z). This formulation is equivalent to 1/(1+e^(-z)), or 1 - 1/(1 + e^z).

    Lecture 12a page 5 says that the sigmoid function 1/(1+e^(-x)) is one minus the logistic function, which is contradictory to lecture 5b.

    Wikipedia's definition of the sigmoid function seems to say that the sigmoid function and logistic function often are referred to interchangeably. Therefore, I believe that saying that the sigmoid is one minus the logistic is wrong.

    opened by MaximeKjaer 0
  • Typos in lecture 6a (GLM)

    Typos in lecture 6a (GLM)

    Hi,

    I think I've spotted a few typos in the lecture notes for lecture 6a on Generalized Mixture Models:

    • Page 9, the probability of Gaussian distribution needs to be conditioned on both parameters image, not just on mu image. Alternatively, maybe a bold mu could be used to indicate the vector of usual parameters?
    • Page 14, μ and σ² are not the natural parameters, they're the usual parameters. η is the natural parameter.
    • Page 15, the log is missing a closing parenthesis, which should be right after h(yn)
    opened by MaximeKjaer 0
Owner
EPFL Machine Learning and Optimization Laboratory
EPFL Machine Learning and Optimization Laboratory
The ICS Chat System project for NYU Shanghai Fall 2021

ICS_Chat_System [Catenger] This is the ICS Chat System project for NYU Shanghai Fall 2021 Creators: Shavarsh Melikyan, Skyler Chen and Arghya Sarkar,

null 1 Dec 20, 2021
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.

All course materials for the Zero to Mastery Deep Learning with TensorFlow course.

Daniel Bourke 3.4k Jan 7, 2023
Computer Vision Script to recognize first person motion, developed as final project for the course "Machine Learning and Deep Learning"

Overview of The Code BaseColab/MLDL_FPAR.pdf: it contains the full explanation of our work Base Colab: it contains the base colab used to perform all

Simone Papicchio 4 Jul 16, 2022
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

Machine Learning From Scratch About Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The purpose

Erik Linder-Norén 21.8k Jan 9, 2023
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin

Vowpal Wabbit 8.1k Jan 6, 2023
The reference baseline of final exam for XMU machine learning course

Mini-NICO Baseline The baseline is a reference method for the final exam of machine learning course. Requirements Installation we use /python3.7 /torc

JoaquinChou 3 Dec 29, 2021
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.

Master status: Development status: Package information: TPOT stands for Tree-based Pipeline Optimization Tool. Consider TPOT your Data Science Assista

Epistasis Lab at UPenn 8.9k Dec 30, 2022
Scripts of Machine Learning Algorithms from Scratch. Implementations of machine learning models and algorithms using nothing but NumPy with a focus on accessibility. Aims to cover everything from basic to advance.

Algo-ScriptML Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The goal of this project is not t

Algo Phantoms 81 Nov 26, 2022
This is a Machine Learning Based Hand Detector Project, It Uses Machine Learning Models and Modules Like Mediapipe, Developed By Google!

Machine Learning Hand Detector This is a Machine Learning Based Hand Detector Project, It Uses Machine Learning Models and Modules Like Mediapipe, Dev

Popstar Idhant 3 Feb 25, 2022
Reinforcement-learning - Repository of the class assignment questions for the course on reinforcement learning

DSE 314/614: Reinforcement Learning This repository containing reinforcement lea

Manav Mishra 4 Apr 15, 2022
Jittor Medical Segmentation Lib -- The assignment of Pattern Recognition course (2021 Spring) in Tsinghua University

THU模式识别2021春 -- Jittor 医学图像分割 模型列表 本仓库收录了课程作业中同学们采用jittor框架实现的如下模型: UNet SegNet DeepLab V2 DANet EANet HarDNet及其改动HarDNet_alter PSPNet OCNet OCRNet DL

null 48 Dec 26, 2022
System Design course at HSE (2021)

System Design course at HSE (2021) Wiki-страница курса Структура репозитория: slides - директория с презентациями с занятий tasks - материалы для выпо

null 22 Dec 25, 2022
Code for the AI lab course 2021/2022 of the University of Verona

AI-Lab Code for the AI lab course 2021/2022 of the University of Verona Set-Up the environment for the curse Download Anaconda for your System. Instal

Davide Corsi 5 Oct 19, 2022
Code repo for "RBSRICNN: Raw Burst Super-Resolution through Iterative Convolutional Neural Network" (Machine Learning and the Physical Sciences workshop in NeurIPS 2021).

RBSRICNN: Raw Burst Super-Resolution through Iterative Convolutional Neural Network An official PyTorch implementation of the RBSRICNN network as desc

Rao Muhammad Umer 6 Nov 14, 2022
ML-PersonalWork - Big assignment PersonalWork in Machine Learning, 2021 autumn BUAA.

ML-PersonalWork - Big assignment PersonalWork in Machine Learning, 2021 autumn BUAA.

Snapdragon Lee 2 Dec 16, 2022
🔥 Cogitare - A Modern, Fast, and Modular Deep Learning and Machine Learning framework for Python

Cogitare is a Modern, Fast, and Modular Deep Learning and Machine Learning framework for Python. A friendly interface for beginners and a powerful too

Cogitare - Modern and Easy Deep Learning with Python 76 Sep 30, 2022
Visualizer for neural network, deep learning, and machine learning models

Netron is a viewer for neural network, deep learning and machine learning models. Netron supports ONNX (.onnx, .pb, .pbtxt), Keras (.h5, .keras), Tens

Lutz Roeder 21k Jan 6, 2023
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)

English | 简体中文 Welcome to the PaddlePaddle GitHub. PaddlePaddle, as the only independent R&D deep learning platform in China, has been officially open

null 19.4k Jan 4, 2023