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
    Torch-based tool for quantizing high-dimensional vectors using additive codebooks

    Trainable multi-codebook quantization This repository implements a utility for use with PyTorch, and ideally GPUs, for training an efficient quantizer

    Daniel Povey 41 Jan 07, 2023
    Implementation of Gans

    GAN Generative Adverserial Networks are an approach to generative data modelling using Deep learning methods. I have currently implemented : DCGAN on

    Sibam Parida 5 Sep 07, 2021
    [CVPR2021 Oral] End-to-End Video Instance Segmentation with Transformers

    VisTR: End-to-End Video Instance Segmentation with Transformers This is the official implementation of the VisTR paper: Installation We provide instru

    Yuqing Wang 687 Jan 07, 2023
    A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.

    Website | Documentation | Tutorials | Installation | Release Notes CatBoost is a machine learning method based on gradient boosting over decision tree

    CatBoost 6.9k Jan 04, 2023
    FAST Aiming at the problems of cumbersome steps and slow download speed of GNSS data

    FAST Aiming at the problems of cumbersome steps and slow download speed of GNSS data, a relatively complete set of integrated multi-source data download terminal software fast is developed. The softw

    ChangChuntao 23 Dec 31, 2022
    Code for the paper "Zero-shot Natural Language Video Localization" (ICCV2021, Oral).

    Zero-shot Natural Language Video Localization (ZSNLVL) by Pseudo-Supervised Video Localization (PSVL) This repository is for Zero-shot Natural Languag

    Computer Vision Lab. @ GIST 37 Dec 27, 2022
    Joint Learning of 3D Shape Retrieval and Deformation, CVPR 2021

    Joint Learning of 3D Shape Retrieval and Deformation Joint Learning of 3D Shape Retrieval and Deformation Mikaela Angelina Uy, Vladimir G. Kim, Minhyu

    Mikaela Uy 38 Oct 18, 2022
    Deep learned, hardware-accelerated 3D object pose estimation

    Isaac ROS Pose Estimation Overview This repository provides NVIDIA GPU-accelerated packages for 3D object pose estimation. Using a deep learned pose e

    NVIDIA Isaac ROS 41 Dec 18, 2022
    DLL: Direct Lidar Localization

    DLL: Direct Lidar Localization Summary This package presents DLL, a direct map-based localization technique using 3D LIDAR for its application to aeri

    Service Robotics Lab 127 Dec 16, 2022
    Ensemble Knowledge Guided Sub-network Search and Fine-tuning for Filter Pruning

    Ensemble Knowledge Guided Sub-network Search and Fine-tuning for Filter Pruning This repository is official Tensorflow implementation of paper: Ensemb

    Seunghyun Lee 12 Oct 18, 2022
    통일된 DataScience 폴더 구조 제공 및 가상환경 작업의 부담감 해소

    Lucas coded by linux shell 목차 Mac버전 CookieCutter (autoenv) 1.How to Install autoenv 2.폴더 진입 시, activate 구현하기 3.폴더 탈출 시, deactivate 구현하기 4.Alias 설정하기 5

    ello 3 Feb 21, 2022
    This project uses reinforcement learning on stock market and agent tries to learn trading. The goal is to check if the agent can learn to read tape. The project is dedicated to hero in life great Jesse Livermore.

    Reinforcement-trading This project uses Reinforcement learning on stock market and agent tries to learn trading. The goal is to check if the agent can

    Deepender Singla 1.4k Dec 22, 2022
    BiSeNet based on pytorch

    BiSeNet BiSeNet based on pytorch 0.4.1 and python 3.6 Dataset Download CamVid dataset from Google Drive or Baidu Yun(6xw4). Pretrained model Download

    367 Dec 26, 2022
    PyTorch ,ONNX and TensorRT implementation of YOLOv4

    PyTorch ,ONNX and TensorRT implementation of YOLOv4

    4.2k Jan 01, 2023
    Pytorch implementation of SimSiam Architecture

    SimSiam-pytorch A simple pytorch implementation of Exploring Simple Siamese Representation Learning which is developed by Facebook AI Research (FAIR)

    Saeed Shurrab 1 Oct 20, 2021
    [SIGIR22] Official PyTorch implementation for "CORE: Simple and Effective Session-based Recommendation within Consistent Representation Space".

    CORE This is the official PyTorch implementation for the paper: Yupeng Hou, Binbin Hu, Zhiqiang Zhang, Wayne Xin Zhao. CORE: Simple and Effective Sess

    RUCAIBox 26 Dec 19, 2022
    Code Repository for Liquid Time-Constant Networks (LTCs)

    Liquid time-constant Networks (LTCs) [Update] A Pytorch version is added in our sister repository: https://github.com/mlech26l/keras-ncp This is the o

    Ramin Hasani 553 Dec 27, 2022
    Synthesizing and manipulating 2048x1024 images with conditional GANs

    pix2pixHD Project | Youtube | Paper Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic image-to-image translatio

    NVIDIA Corporation 6k Dec 27, 2022
    Styleformer - Official Pytorch Implementation

    Styleformer -- Official PyTorch implementation Styleformer: Transformer based Generative Adversarial Networks with Style Vector(https://arxiv.org/abs/

    Jeeseung Park 159 Dec 12, 2022
    Kaggle | 9th place (part of) solution for the Bristol-Myers Squibb – Molecular Translation challenge

    Part of the 9th place solution for the Bristol-Myers Squibb – Molecular Translation challenge translating images containing chemical structures into I

    Erdene-Ochir Tuguldur 22 Nov 30, 2022