A machine learning model for Covid case prediction

Overview

CovidcasePrediction

A machine learning model for Covid case prediction

Problem Statement Using regression algorithms we can able to track the active covid cases

Problem oppertunity We need to get data. We'll use a sample data set for that. The raw data is completely infused in the workspace. Preprocessing is done before the analyzing part. The data must be clean so that the model can analyze correctly. For that the rows with empty values are removed. A module is added fothat process. Individual measurable properties are called features. Each row is representing an automobile and each column represents the feature of that automobile. The model is build accordingly. Now that the data is ready, constructing a predictive model consists of training and testing. We'll use our data to train the model, and then we'll test the model to see how closely it's able to predict prices. Because we want to predict no of cases, which is a number, we'll use a regression algorithm.

Azure Machine learning studio

Here we are using 2 Algorithms

  1. Linear Regression
  2. Neural Network Regression

image

image

image

  1. The input values are to be found
  2. The csv file is converted to dataset
  3. The data miss is cleaned
  4. Split data
  5. The regression algorithms Linear Regression and Neural Network Regression takes place
  6. The data is trained
  7. Train model
  8. Score model
  9. Evaluate Model
  10. Output values obtained

In this case the both the training experiment and predicive experiments are done.

The API key: 8Lnx6+i4W7R2i7aFyGh+gmbhrnEpHrdFzd84kmvka7yEKTnt8P8EEKK46oXxmHHQphffTh9FvdPA2g3FEpCkgw==

https://studio.azureml.net/Home/ViewWorkspaceCached/5343e8d2284d47de9d5a3c941a85e8bf#Workspaces/Experiments/Experiment/5343e8d2284d47de9d5a3c941a85e8bf.f-id.06f7bb2e287e4d74aeaaf2223be0b151/ViewExperiment

The data prediction part is done as

  1. Cough
  2. Fever
  3. Sore Throat
  4. Shortness of Breath
  5. Headache
  6. Age 60 or Above
  7. Corona Result

By giving these values as sample we can predict.

https://studio.azureml.net/Home/ViewWorkspaceCached/5343e8d2284d47de9d5a3c941a85e8bf#Workspaces/Projects/Project/66450ebc-1dd6-44c3-a580-808dfc470798/ProjectDetails image

After that Deploy web service part is done the project is published to gallery. https://gallery.cortanaintelligence.com/Experiment/Covid-19-prediction-two-algos-Predictive-Exp

Owner
VijayAadhithya2019rit
VijayAadhithya2019rit
Predicting Baseball Metric Clusters: Clustering Application in Python Using scikit-learn

Clustering Clustering Application in Python Using scikit-learn This repository contains the prediction of baseball metric clusters using MLB Statcast

Tom Weichle 2 Apr 18, 2022
This repository contains the code to predict house price using Linear Regression Method

House-Price-Prediction-Using-Linear-Regression The dataset I used for this personal project is from Kaggle uploaded by aariyan panchal. Link of Datase

0 Jan 28, 2022
Python/Sage Tool for deriving Scattering Matrices for WDF R-Adaptors

R-Solver A Python tools for deriving R-Type adaptors for Wave Digital Filters. This code is not quite production-ready. If you are interested in contr

8 Sep 19, 2022
Python Extreme Learning Machine (ELM) is a machine learning technique used for classification/regression tasks.

Python Extreme Learning Machine (ELM) Python Extreme Learning Machine (ELM) is a machine learning technique used for classification/regression tasks.

Augusto Almeida 84 Nov 25, 2022
Bottleneck a collection of fast, NaN-aware NumPy array functions written in C.

Bottleneck Bottleneck is a collection of fast, NaN-aware NumPy array functions written in C. As one example, to check if a np.array has any NaNs using

Python for Data 835 Dec 27, 2022
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.

Light Gradient Boosting Machine LightGBM is a gradient boosting framework that uses tree based learning algorithms. It is designed to be distributed a

Microsoft 14.5k Jan 07, 2023
TensorFlow Decision Forests (TF-DF) is a collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models.

TensorFlow Decision Forests (TF-DF) is a collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models. The library is a collection of Keras models

538 Jan 01, 2023
using Machine Learning Algorithm to classification AppleStore application

AppleStore-classification-with-Machine-learning-Algo- using Machine Learning Algorithm to classification AppleStore application. the first step : 1: p

Mohammed Hussien 2 May 02, 2022
Code Repository for Machine Learning with PyTorch and Scikit-Learn

Code Repository for Machine Learning with PyTorch and Scikit-Learn

Sebastian Raschka 1.4k Jan 03, 2023
Convoys is a simple library that fits a few statistical model useful for modeling time-lagged conversions.

Convoys is a simple library that fits a few statistical model useful for modeling time-lagged conversions. There is a lot more info if you head over to the documentation. You can also take a look at

Better 240 Dec 26, 2022
Model search (MS) is a framework that implements AutoML algorithms for model architecture search at scale.

Model Search Model search (MS) is a framework that implements AutoML algorithms for model architecture search at scale. It aims to help researchers sp

AriesTriputranto 1 Dec 13, 2021
Fundamentals of Machine Learning

Fundamentals-of-Machine-Learning This repository introduces the basics of machine learning algorithms for preprocessing, regression and classification

Happy N. Monday 3 Feb 15, 2022
A high-performance topological machine learning toolbox in Python

giotto-tda is a high-performance topological machine learning toolbox in Python built on top of scikit-learn and is distributed under the G

giotto.ai 632 Dec 29, 2022
Apache (Py)Spark type annotations (stub files).

PySpark Stubs A collection of the Apache Spark stub files. These files were generated by stubgen and manually edited to include accurate type hints. T

Maciej 114 Nov 22, 2022
Bayesian optimization based on Gaussian processes (BO-GP) for CFD simulations.

BO-GP Bayesian optimization based on Gaussian processes (BO-GP) for CFD simulations. The BO-GP codes are developed using GPy and GPyOpt. The optimizer

KTH Mechanics 8 Mar 31, 2022
PySurvival is an open source python package for Survival Analysis modeling

PySurvival What is Pysurvival ? PySurvival is an open source python package for Survival Analysis modeling - the modeling concept used to analyze or p

Square 265 Dec 27, 2022
Data from "Datamodels: Predicting Predictions with Training Data"

Data from "Datamodels: Predicting Predictions with Training Data" Here we provid

Madry Lab 51 Dec 09, 2022
A Time Series Library for Apache Spark

Flint: A Time Series Library for Apache Spark The ability to analyze time series data at scale is critical for the success of finance and IoT applicat

Two Sigma 970 Jan 04, 2023
A simple python program which predicts the success of a movie based on it's type, actor, actress and director

Movie-Success-Prediction A simple python program which predicts the success of a movie based on it's type, actor, actress and director. The program us

Mahalinga Prasad R N 1 Dec 17, 2021
MLBox is a powerful Automated Machine Learning python library.

MLBox is a powerful Automated Machine Learning python library. It provides the following features: Fast reading and distributed data preprocessing/cle

Axel 1.4k Jan 06, 2023