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

  • 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
    XtremeDistil framework for distilling/compressing massive multilingual neural network models to tiny and efficient models for AI at scale

    XtremeDistilTransformers for Distilling Massive Multilingual Neural Networks ACL 2020 Microsoft Research [Paper] [Video] Releasing [XtremeDistilTransf

    Microsoft 125 Jan 04, 2023
    CasualHealthcare's Pneumonia detection with Artificial Intelligence (Convolutional Neural Network)

    CasualHealthcare's Pneumonia detection with Artificial Intelligence (Convolutional Neural Network) This is PneumoniaDiagnose, an artificially intellig

    Azhaan 2 Jan 03, 2022
    Implementation of ETSformer, state of the art time-series Transformer, in Pytorch

    ETSformer - Pytorch Implementation of ETSformer, state of the art time-series Transformer, in Pytorch Install $ pip install etsformer-pytorch Usage im

    Phil Wang 121 Dec 30, 2022
    C3D is a modified version of BVLC caffe to support 3D ConvNets.

    C3D C3D is a modified version of BVLC caffe to support 3D convolution and pooling. The main supporting features include: Training or fine-tuning 3D Co

    Meta Archive 1.1k Nov 14, 2022
    Detectron2 is FAIR's next-generation platform for object detection and segmentation.

    Detectron2 is Facebook AI Research's next generation software system that implements state-of-the-art object detection algorithms. It is a ground-up r

    Facebook Research 23.3k Jan 08, 2023
    Reusable constraint types to use with typing.Annotated

    annotated-types PEP-593 added typing.Annotated as a way of adding context-specific metadata to existing types, and specifies that Annotated[T, x] shou

    125 Dec 26, 2022
    Official implementation of the paper WAV2CLIP: LEARNING ROBUST AUDIO REPRESENTATIONS FROM CLIP

    Wav2CLIP 🚧 WIP 🚧 Official implementation of the paper WAV2CLIP: LEARNING ROBUST AUDIO REPRESENTATIONS FROM CLIP 📄 🔗 Ho-Hsiang Wu, Prem Seetharaman

    Descript 240 Dec 13, 2022
    李云龙二次元风格化!打滚卖萌,使用了animeGANv2进行了视频的风格迁移

    李云龙二次元风格化!一键star、fork,你也可以生成这样的团长! 打滚卖萌求star求fork! 0.效果展示 视频效果前往B站观看效果最佳:李云龙二次元风格化: github开源repo:李云龙二次元风格化 百度AIstudio开源地址,一键fork即可运行: 李云龙二次元风格化!一键fork

    oukohou 44 Dec 04, 2022
    A model which classifies reviews as positive or negative.

    SentiMent Analysis In this project I built a model to classify movie reviews fromn the IMDB dataset of 50K reviews. WordtoVec : Neural networks only w

    Rishabh Bali 2 Feb 09, 2022
    Exact Pareto Optimal solutions for preference based Multi-Objective Optimization

    Exact Pareto Optimal solutions for preference based Multi-Objective Optimization

    Debabrata Mahapatra 40 Dec 24, 2022
    The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"

    The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"

    Sun Yi 201 Nov 21, 2022
    Generalized Jensen-Shannon Divergence Loss for Learning with Noisy Labels

    The official code for the NeurIPS 2021 paper Generalized Jensen-Shannon Divergence Loss for Learning with Noisy Labels

    13 Dec 22, 2022
    Joint-task Self-supervised Learning for Temporal Correspondence (NeurIPS 2019)

    Joint-task Self-supervised Learning for Temporal Correspondence Project | Paper Overview Joint-task Self-supervised Learning for Temporal Corresponden

    Sifei Liu 167 Dec 14, 2022
    This is a repository of our model for weakly-supervised video dense anticipation.

    Introduction This is a repository of our model for weakly-supervised video dense anticipation. More results on GTEA, Epic-Kitchens etc. will come soon

    2 Apr 09, 2022
    Learning from Guided Play: A Scheduled Hierarchical Approach for Improving Exploration in Adversarial Imitation Learning Source Code

    Learning from Guided Play: A Scheduled Hierarchical Approach for Improving Exploration in Adversarial Imitation Learning Trevor Ablett*, Bryan Chan*,

    STARS Laboratory 8 Sep 14, 2022
    Author's PyTorch implementation of Randomized Ensembled Double Q-Learning (REDQ) algorithm.

    REDQ source code Author's PyTorch implementation of Randomized Ensembled Double Q-Learning (REDQ) algorithm. Paper link: https://arxiv.org/abs/2101.05

    109 Dec 16, 2022
    Spatial-Temporal Transformer for Dynamic Scene Graph Generation, ICCV2021

    Spatial-Temporal Transformer for Dynamic Scene Graph Generation Pytorch Implementation of our paper Spatial-Temporal Transformer for Dynamic Scene Gra

    Yuren Cong 119 Jan 01, 2023
    This Deep Learning Model Predicts that from which disease you are suffering.

    Deep-Learning-Project This Deep Learning Model Predicts that from which disease you are suffering. This Project Covers the Topics of Deep Learning Int

    Jai Viral Doshi 0 Jan 20, 2022
    Progressive Growing of GANs for Improved Quality, Stability, and Variation

    Progressive Growing of GANs for Improved Quality, Stability, and Variation — Official TensorFlow implementation of the ICLR 2018 paper Tero Karras (NV

    Tero Karras 5.9k Jan 05, 2023
    Pytorch implement of 'Unmixing based PAN guided fusion network for hyperspectral imagery'

    Pgnet There's a improved version compared with the publication in Tgrs with the modification in the deduction of the PDIN block: https://arxiv.org/abs

    5 Jul 01, 2022