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
    Implementation of popular SOTA self-supervised learning algorithms as Fastai Callbacks.

    Self Supervised Learning with Fastai Implementation of popular SOTA self-supervised learning algorithms as Fastai Callbacks. Install pip install self-

    Kerem Turgutlu 276 Dec 23, 2022
    Quantum-enhanced transformer neural network

    Example of a Quantum-enhanced transformer neural network Get the code: git clone https://github.com/rdisipio/qtransformer.git cd qtransformer Create

    Riccardo Di Sipio 61 Nov 08, 2022
    The devkit of the nuPlan dataset.

    The devkit of the nuPlan dataset.

    Motional 264 Jan 03, 2023
    Example scripts for the detection of lanes using the ultra fast lane detection model in ONNX.

    Example scripts for the detection of lanes using the ultra fast lane detection model in ONNX.

    Ibai Gorordo 35 Sep 07, 2022
    Convert Python 3 code to CUDA code.

    Py2CUDA Convert python code to CUDA. Usage To convert a python file say named py_file.py to CUDA, run python generate_cuda.py --file py_file.py --arch

    Yuval Rosen 3 Jul 14, 2021
    [NeurIPS 2021] A weak-shot object detection approach by transferring semantic similarity and mask prior.

    TransMaS This repository is the official pytorch implementation of the following paper: NIPS2021 Mixed Supervised Object Detection by TransferringMask

    BCMI 49 Jul 27, 2022
    Multi-Stage Progressive Image Restoration

    Multi-Stage Progressive Image Restoration Syed Waqas Zamir, Aditya Arora, Salman Khan, Munawar Hayat, Fahad Shahbaz Khan, Ming-Hsuan Yang, and Ling Sh

    Syed Waqas Zamir 859 Dec 22, 2022
    R interface to fast.ai

    R interface to fastai The fastai package provides R wrappers to fastai. The fastai library simplifies training fast and accurate neural nets using mod

    113 Dec 20, 2022
    A collection of papers about Transformer in the field of medical image analysis.

    A collection of papers about Transformer in the field of medical image analysis.

    Junyu Chen 377 Jan 05, 2023
    Python scripts for performing lane detection using the LSTR model in ONNX

    ONNX LSTR Lane Detection Python scripts for performing lane detection using the Lane Shape Prediction with Transformers (LSTR) model in ONNX. Requirem

    Ibai Gorordo 29 Aug 30, 2022
    A 3D sparse LBM solver implemented using Taichi

    taichi_LBM3D Background Taichi_LBM3D is a 3D lattice Boltzmann solver with Multi-Relaxation-Time collision scheme and sparse storage structure impleme

    Jianhui Yang 121 Jan 06, 2023
    Building a real-time environment using webcam frame division in OpenCV and classify cropped images using a fine-tuned vision transformers on hybryd datasets samples for facial emotion recognition.

    Visual Transformer for Facial Emotion Recognition (FER) This project has the aim to build an efficient Visual Transformer for the Facial Emotion Recog

    Mario Sessa 8 Dec 12, 2022
    (ICCV'21) Official PyTorch implementation of Relational Embedding for Few-Shot Classification

    Relational Embedding for Few-Shot Classification (ICCV 2021) Dahyun Kang, Heeseung Kwon, Juhong Min, Minsu Cho [paper], [project hompage] We propose t

    Dahyun Kang 82 Dec 24, 2022
    [CVPR'21] FedDG: Federated Domain Generalization on Medical Image Segmentation via Episodic Learning in Continuous Frequency Space

    FedDG: Federated Domain Generalization on Medical Image Segmentation via Episodic Learning in Continuous Frequency Space by Quande Liu, Cheng Chen, Ji

    Quande Liu 178 Jan 06, 2023
    This is implementation of AlexNet(2012) with 3D Convolution on TensorFlow (AlexNet 3D).

    AlexNet_3dConv TensorFlow implementation of AlexNet(2012) by Alex Krizhevsky, with 3D convolutiional layers. 3D AlexNet Network with a standart AlexNe

    Denis Timonin 41 Jan 16, 2022
    Fully Connected DenseNet for Image Segmentation

    Fully Connected DenseNets for Semantic Segmentation Fully Connected DenseNet for Image Segmentation implementation of the paper The One Hundred Layers

    Somshubra Majumdar 84 Oct 31, 2022
    Implementation of ICCV 2021 oral paper -- A Novel Self-Supervised Learning for Gaussian Mixture Model

    SS-GMM Implementation of ICCV 2021 oral paper -- Self-Supervised Image Prior Learning with GMM from a Single Noisy Image with supplementary material R

    HUST-The Tan Lab 4 Dec 05, 2022
    Adaptive Attention Span for Reinforcement Learning

    Adaptive Transformers in RL Official implementation of Adaptive Transformers in RL In this work we replicate several results from Stabilizing Transfor

    100 Nov 15, 2022
    Code and real data for the paper "Counterfactual Temporal Point Processes", available at arXiv.

    counterfactual-tpp This is a repository containing code and real data for the paper Counterfactual Temporal Point Processes. Pre-requisites This code

    Networks Learning 11 Dec 09, 2022
    Source code for CIKM 2021 paper for Relation-aware Heterogeneous Graph for User Profiling

    RHGN Source code for CIKM 2021 paper for Relation-aware Heterogeneous Graph for User Profiling Dependencies torch==1.6.0 torchvision==0.7.0 dgl==0.7.1

    Big Data and Multi-modal Computing Group, CRIPAC 6 Nov 29, 2022