cl;asification problem using classification models in supervised learning

Overview

wine-quality-predition---classification

cl;asification problem using classification models in supervised learning

Wine Quality Prediction Analysis - Classification

Dataset Information

The two datasets are related to red and white variants of the Portuguese "Vinho Verde" wine. These datasets can be viewed as classification or regression tasks. The classes are ordered and not balanced (e.g. there are munch more normal wines than excellent or poor ones). Outlier detection algorithms could be used to detect the few excellent or poor wines. Also, we are not sure if all input variables are relevant. So it could be interesting to test feature selection methods. Two datasets were combined and few values were randomly removed.

Attribute Information:

Input variables (based on physicochemical tests):
1 - fixed acidity
2 - volatile acidity
3 - citric acid
4 - residual sugar
5 - chlorides
6 - free sulfur dioxide
7 - total sulfur dioxide
8 - density
9 - pH
10 - sulphates
11 - alcohol
Output variable (based on sensory data):
12 - quality (score between 0 and 10)

Download link: https://www.kaggle.com/rajyellow46/wine-quality

Libraries

  • numpy
  • pandas
  • matplotlib
  • seaborn
  • scikit-learn

    Future Work

  • Handling missing values
  • Removing Outliers
  • Removing Attributes
  • Random oveerSampling

    Algorithms

  • Logistic Regression
  • Decision Tree
  • Random Forest
  • KNn
  • svm in SVC
  • Extra Tress
  • LightGBM

    Best Model Accuracy: 90.00 -> from Extra tree classifier

  • You might also like...
    Semi-supervised Representation Learning for Remote Sensing Image Classification Based on Generative Adversarial Networks

    SSRL-for-image-classification Semi-supervised Representation Learning for Remote Sensing Image Classification Based on Generative Adversarial Networks

    UniMoCo: Unsupervised, Semi-Supervised and Full-Supervised Visual Representation Learning
    UniMoCo: Unsupervised, Semi-Supervised and Full-Supervised Visual Representation Learning

    UniMoCo: Unsupervised, Semi-Supervised and Full-Supervised Visual Representation Learning This is the official PyTorch implementation for UniMoCo pape

    PGPortfolio: Policy Gradient Portfolio, the source code of "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem"(https://arxiv.org/pdf/1706.10059.pdf).

    This is the original implementation of our paper, A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem (arXiv:1706.1

    Source code for the Paper: CombOptNet: Fit the Right NP-Hard Problem by Learning Integer Programming Constraints}

    CombOptNet: Fit the Right NP-Hard Problem by Learning Integer Programming Constraints Installation Run pipenv install (at your own risk with --skip-lo

    Code for the paper
    Code for the paper "Reinforcement Learning as One Big Sequence Modeling Problem"

    Trajectory Transformer Code release for Reinforcement Learning as One Big Sequence Modeling Problem. Installation All python dependencies are in envir

    Code for the paper
    Code for the paper "Offline Reinforcement Learning as One Big Sequence Modeling Problem"

    Trajectory Transformer Code release for Offline Reinforcement Learning as One Big Sequence Modeling Problem. Installation All python dependencies are

    Codes for AAAI22 paper "Learning to Solve Travelling Salesman Problem with Hardness-Adaptive Curriculum"

    Paper For more details, please see our paper Learning to Solve Travelling Salesman Problem with Hardness-Adaptive Curriculum which has been accepted a

    Implement face detection, and age and gender classification, and emotion classification.
    Implement face detection, and age and gender classification, and emotion classification.

    YOLO Keras Face Detection Implement Face detection, and Age and Gender Classification, and Emotion Classification. (image from wider face dataset) Ove

    Simple-Image-Classification - Simple Image Classification Code (PyTorch)
    Simple-Image-Classification - Simple Image Classification Code (PyTorch)

    Simple-Image-Classification Simple Image Classification Code (PyTorch) Yechan Kim This repository contains: Python3 / Pytorch code for multi-class ima

    Owner
    Vineeth Reddy Gangula
    The guy who loves to explore the thrill of adventure!!! Follow the passion no matter what comes in the way... Rise up and push past your limits..!
    Vineeth Reddy Gangula
    [ICCV-2021] An Empirical Study of the Collapsing Problem in Semi-Supervised 2D Human Pose Estimation

    An Empirical Study of the Collapsing Problem in Semi-Supervised 2D Human Pose Estimation (ICCV 2021) Introduction This is an official pytorch implemen

    rongchangxie 42 Jan 4, 2023
    Official PyTorch implementation and pretrained models of the paper Self-Supervised Classification Network

    Self-Classifier: Self-Supervised Classification Network Official PyTorch implementation and pretrained models of the paper Self-Supervised Classificat

    Elad Amrani 24 Dec 21, 2022
    Scripts for training an AI to play the endless runner Subway Surfers using a supervised machine learning approach by imitation and a convolutional neural network (CNN) for image classification

    About subwAI subwAI - a project for training an AI to play the endless runner Subway Surfers using a supervised machine learning approach by imitation

    null 82 Jan 1, 2023
    [CVPR 2021] "The Lottery Tickets Hypothesis for Supervised and Self-supervised Pre-training in Computer Vision Models" Tianlong Chen, Jonathan Frankle, Shiyu Chang, Sijia Liu, Yang Zhang, Michael Carbin, Zhangyang Wang

    The Lottery Tickets Hypothesis for Supervised and Self-supervised Pre-training in Computer Vision Models Codes for this paper The Lottery Tickets Hypo

    VITA 59 Dec 28, 2022
    Patch Rotation: A Self-Supervised Auxiliary Task for Robustness and Accuracy of Supervised Models

    Patch-Rotation(PatchRot) Patch Rotation: A Self-Supervised Auxiliary Task for Robustness and Accuracy of Supervised Models Submitted to Neurips2021 To

    null 4 Jul 12, 2021
    The Self-Supervised Learner can be used to train a classifier with fewer labeled examples needed using self-supervised learning.

    Published by SpaceML • About SpaceML • Quick Colab Example Self-Supervised Learner The Self-Supervised Learner can be used to train a classifier with

    SpaceML 92 Nov 30, 2022
    Unified Pre-training for Self-Supervised Learning and Supervised Learning for ASR

    UniSpeech The family of UniSpeech: UniSpeech (ICML 2021): Unified Pre-training for Self-Supervised Learning and Supervised Learning for ASR UniSpeech-

    Microsoft 282 Jan 9, 2023
    Project looking into use of autoencoder for semi-supervised learning and comparing data requirements compared to supervised learning.

    Project looking into use of autoencoder for semi-supervised learning and comparing data requirements compared to supervised learning.

    Tom-R.T.Kvalvaag 2 Dec 17, 2021
    Hl classification bc - A Network-Based High-Level Data Classification Algorithm Using Betweenness Centrality

    A Network-Based High-Level Data Classification Algorithm Using Betweenness Centr

    Esteban Vilca 3 Dec 1, 2022
    Quickly comparing your image classification models with the state-of-the-art models (such as DenseNet, ResNet, ...)

    Image Classification Project Killer in PyTorch This repo is designed for those who want to start their experiments two days before the deadline and ki

    null 349 Dec 8, 2022