The reference baseline of final exam for XMU machine learning course

Overview

Mini-NICO Baseline

The baseline is a reference method for the final exam of machine learning course.

Requirements

Installation

we use /python3.7 /torch 1.4.0+cpu /torchvision 0.5.0+cpu for training and evaluation. You can install the pytorch1.4.0 by using this.

conda install pytorch==1.4.0 torchvision==0.5.0 cpuonly -c pytorch

By the way, you can also use the pytorch with cuda to train this baseline.

Prepare Datasets

You need to create the ./data/ folder and put the ./mini_nico/train and ./mini_nico/test in Mini-NICO dataset to the ./data/ directory like

data
├── train
│   └── cat
│   └── cow
│   └──  ..
├── test
│   └── 1.jpg 
│   └── 2.jpg 
│   └──  ..

Split the val data

You can use the following command to split the val data from the train data.

# split the val from the train data and train : val = 7:3
cd utils 
python split_eval_from_train_data.py 

Training

You can use the following command to run for training.

# you can choose the model such as resnet18, resnet34, resnet50, resnet101
python trainer.py --arch=resnet18

If you want to train the method with gpu, you can do this.

# you can choose the model such as resnet18, resnet34, resnet50, resnet101
python trainer.py --arch=resnet18 --gpu

Testing

You can use the following command to run for testing.

# you can choose the model such as resnet18, resnet34, resnet50, resnet101
python test.py --arch=resnet18 --ckpt=your model path

If you want to test the method with gpu, you can do this.

# you can choose the model such as resnet18, resnet34, resnet50, resnet101
python test.py --arch=resnet18 --ckpt=your model path --gpu

After that, you can get the test.csv in the root path ./. And then upload your result to our Mini_NICO_Leaderboard.

You might also like...
Final term project for Bayesian Machine Learning Lecture (XAI-623)
Final term project for Bayesian Machine Learning Lecture (XAI-623)

Mixquality_AL Final Term Project For Bayesian Machine Learning Lecture (XAI-623) Youtube Link The presentation is given in YoutubeLink Problem Formula

Final project for machine learning (CSC 590). Detection of hepatitis C and progression through blood samples.

Hepatitis C Blood Based Detection Final project for machine learning (CSC 590). Dataset from Kaggle. Using data from previous hepatitis C blood panels

Reference implementation of code generation projects from Facebook AI Research. General toolkit to apply machine learning to code, from dataset creation to model training and evaluation. Comes with pretrained models.

This repository is a toolkit to do machine learning for programming languages. It implements tokenization, dataset preprocessing, model training and m

Deep Learning for Computer Vision final project

Deep Learning for Computer Vision final project

TensorFlow implementation of
TensorFlow implementation of "A Simple Baseline for Bayesian Uncertainty in Deep Learning"

TensorFlow implementation of "A Simple Baseline for Bayesian Uncertainty in Deep Learning"

ilpyt: imitation learning library with modular, baseline implementations in Pytorch
ilpyt: imitation learning library with modular, baseline implementations in Pytorch

ilpyt The imitation learning toolbox (ilpyt) contains modular implementations of common deep imitation learning algorithms in PyTorch, with unified in

PyTorch implementation of "A Simple Baseline for Low-Budget Active Learning".

A Simple Baseline for Low-Budget Active Learning This repository is the implementation of A Simple Baseline for Low-Budget Active Learning. In this pa

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. 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

Owner
JoaquinChou
heeeey!(~ ̄▽ ̄)~
JoaquinChou
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
Image-retrieval-baseline - MUGE Multimodal Retrieval Baseline

MUGE Multimodal Retrieval Baseline This repo is implemented based on the open_cl

null 47 Dec 16, 2022
Image-generation-baseline - MUGE Text To Image Generation Baseline

MUGE Text To Image Generation Baseline Requirements and Installation More detail

null 23 Oct 17, 2022
Jingju baseline - A baseline model of our project of Beijing opera script generation

Jingju Baseline It is a baseline of our project about Beijing opera script gener

midon 1 Jan 14, 2022
PyTorch implementation of CVPR 2020 paper (Reference-Based Sketch Image Colorization using Augmented-Self Reference and Dense Semantic Correspondence) and pre-trained model on ImageNet dataset

Reference-Based-Sketch-Image-Colorization-ImageNet This is a PyTorch implementation of CVPR 2020 paper (Reference-Based Sketch Image Colorization usin

Yuzhi ZHAO 11 Jul 28, 2022
This repository contains numerical implementation for the paper Intertemporal Pricing under Reference Effects: Integrating Reference Effects and Consumer Heterogeneity.

This repository contains numerical implementation for the paper Intertemporal Pricing under Reference Effects: Integrating Reference Effects and Consumer Heterogeneity.

Hansheng Jiang 6 Nov 18, 2022
Final Project for the CS238: Decision Making Under Uncertainty course at Stanford University in Autumn '21.

Final Project for the CS238: Decision Making Under Uncertainty course at Stanford University in Autumn '21. We optimized wind turbine placement in a wind farm, subject to wake effects, using Q-learning.

Manasi Sharma 2 Sep 27, 2022
Implementation of the final project of the course DDA6309 Probabilistic Graphical Model

Task-aware Joint CWS and POS (TCwsPos) This is the implementation of the final project of the course DDA6309 Probabilistic Graphical Models, The Chine

Peng 1 Dec 26, 2021
AI Based Smart Exam Proctoring Package

AI Based Smart Exam Proctoring Package It takes image (base64) as input: Provide Output as: Detection of Mobile phone. Detection of More than 1 person

NARENDER KESWANI 3 Sep 9, 2022
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