Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: standard-scaler

jmarihawkins/CryptoClustering

This project aims to cluster various cryptocurrencies based on their market performance using machine learning techniques. The analysis involves several key steps: normalizing the data, reducing its dimensionality with Principal Component Analysis (PCA), and using K-Means clustering to identify distinct groups.

Language: Jupyter Notebook - Size: 414 KB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 0 - Forks: 0

Seghelicious/Cars45

Language: Jupyter Notebook - Size: 522 KB - Last synced: 21 days ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

PranjaliNaik11/Prediction_Credit_card_approval

Credit Card Approval Prediction using Logistic Regression model

Language: Jupyter Notebook - Size: 105 KB - Last synced: 27 days ago - Pushed: 28 days ago - Stars: 1 - Forks: 0

NajiAboo/machinlearning

Machine learning models and approaches

Language: Python - Size: 8.79 KB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

shaadclt/Salary-Prediction-SupportVectorRegressor

This project involves the prediction of salary based on position using Support Vector Regression (SVR) in Jupyter Notebook. The dataset contains information about different positions and their corresponding salaries. Through this analysis, we aim to build a regression model that accurately predicts the salary based on the given position.

Language: Jupyter Notebook - Size: 27.3 KB - Last synced: about 1 month ago - Pushed: 11 months ago - Stars: 3 - Forks: 0

shaadclt/Car-Price-Prediction-LinearRegression

This project involves predicting used car prices using linear regression in Jupyter Notebook. Used car price prediction is an important task in the automotive industry, as it helps estimate the value of pre-owned vehicles based on various factors such as mileage, brand, age, etc.

Language: Jupyter Notebook - Size: 198 KB - Last synced: about 1 month ago - Pushed: 11 months ago - Stars: 2 - Forks: 0

Akash1070/Breast-cancer-prediction-

predicting breast cancer using machine learning models

Language: Jupyter Notebook - Size: 418 KB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

AnvithaChaluvadi/Venture-Funding_Module13Challenge

To forecast the success of Alphabet Soup funding applicants, I will develop a binary classification model utilizing a deep neural network.

Language: Jupyter Notebook - Size: 2.18 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

jodiambra/Beta-Bank-Churn-Predictions

Model predicting whether a bank customer will churn or not

Language: HTML - Size: 1.7 MB - Last synced: 3 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

sjwedlund/Cryptocurrencies

Preprocess data for PCA, Reduce Data Dimensions using PCA, Clustering Cryptocurrencies using K-Means, and Visualizing Cryptocurrencies Results.

Language: Jupyter Notebook - Size: 5.27 MB - Last synced: 4 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

iamjr15/Bank-Loan-Approval-Prediction

Models bank loan applications to classify and predict approval decisions using customer demographic, financial, and loan data. Applies machine learning algorithms like logistic regression and random forest for enhanced automation.

Language: Jupyter Notebook - Size: 83 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

saikrishnabudi/PCA-Principal-Component-Analysis

Data Science - PCA (Principal Component Analysis)

Language: Jupyter Notebook - Size: 2.55 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

saikrishnabudi/Clustering

Data Science - Clustering Work

Language: Jupyter Notebook - Size: 4.11 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

vaitybharati/P31.-Unsupervised-ML---DBSCAN-Clustering-Wholesale-Customers-

Unsupervised-ML---DBSCAN-Clustering-Wholesale-Customers. Import Libraries, Import Dataset, Normalize heterogenous numerical data using standard scalar fit transform to dataset, DBSCAN Clustering, Noisy samples are given the label -1, Adding clusters to dataset.

Language: Jupyter Notebook - Size: 4.88 KB - Last synced: 8 months ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

vaitybharati/P30.-Unsupervised-ML---K-Means-Clustering-Non-Hierarchical-Clustering-Univ.-

Unsupervised-ML---K-Means-Clustering-Non-Hierarchical-Clustering-Univ. Use Elbow Graph to find optimum number of clusters (K value) from K values range. The K-means algorithm aims to choose centroids that minimise the inertia, or within-cluster sum-of-squares criterion WCSS. Plot K values range vs WCSS to get Elbow graph for choosing K (no. of clusters)

Language: Jupyter Notebook - Size: 72.3 KB - Last synced: 8 months ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

vaitybharati/P23.-EDA-1

EDA (Exploratory Data Analysis) -1: Loading the Datasets, Data type conversions,Removing duplicate entries, Dropping the column, Renaming the column, Outlier Detection, Missing Values and Imputation (Numerical and Categorical), Scatter plot and Correlation analysis, Transformations, Automatic EDA Methods (Pandas Profiling and Sweetviz).

Language: Jupyter Notebook - Size: 215 KB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 2 - Forks: 1

vaitybharati/EDA-1

Exploratory Data Analysis Part-1

Language: Jupyter Notebook - Size: 2.93 KB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

vaitybharati/Assignment-07-K-Means-Clustering-Airlines-

Assignment-07-K-Means-Clustering-Airlines. Perform clustering (K means clustering) for the airlines data to obtain optimum number of clusters. Draw the inferences from the clusters obtained. The file EastWestAirlinescontains information on passengers who belong to an airline’s frequent flier program. For each passenger the data include information on their mileage history and on different ways they accrued or spent miles in the last year. The goal is to try to identify clusters of passengers that have similar characteristics for the purpose of targeting different segments for different types of mileage offers.

Language: Jupyter Notebook - Size: 90.8 KB - Last synced: 8 months ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 1

vaitybharati/Assignment-07-DBSCAN-Clustering-Crimes-

Assignment-07-DBSCAN-Clustering-Crimes. Perform Clustering for the crime data and identify the number of clusters formed and draw inferences.

Language: Jupyter Notebook - Size: 23.4 KB - Last synced: 8 months ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

manjugovindarajan/Trade-Ahead-StockClustering-using-ML

Project involves performing clustering analysis (K-Means, Hierarchical clustering, visualization post PCA) to segregate stocks based on similar characteristics or with minimum correlation. Having a diversified portfolio tends to yield higher returns and faces lower risk by tempering potential losses when the market is down.

Language: Jupyter Notebook - Size: 2.57 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

nmathias0121/ml-model-algorithms

import datasets, perform exploratory data analysis, scaling & different models such as linear or logistic regression, decision trees, random forests, K means, support vectors etc.

Language: Python - Size: 47.9 KB - Last synced: 8 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

sdixit5/Time_Series_Forecasting_using_Covid_data

Language: Jupyter Notebook - Size: 3.37 MB - Last synced: 8 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

KhaledTofailieh/Titanic-Survive-Prediction

Language: Jupyter Notebook - Size: 4.88 KB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 3 - Forks: 0

ericlsimon/neural-network-challenge

Eric-Simon-Neural-Network-Challenge

Language: Jupyter Notebook - Size: 11.7 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

y656/Weather-data-clustering

This repository contains clustering techniques applied to minute weather data. It contains K-Means, Heirarchical Agglomerative clustering. I have applied various feature scaling techniques and explored the best one for our dataset

Language: Jupyter Notebook - Size: 241 KB - Last synced: 10 months ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 1

tmard/Deep_Learning_Challenge

Non-profit foundation funding predictor using deep learning and neural networks.

Language: Jupyter Notebook - Size: 894 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

pradeshgv/Used_Car_Price_Prediction

Language: Jupyter Notebook - Size: 812 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

kimco2/CryptoClustering

Clustered cryptocurrencies with K-means algorithm

Language: Jupyter Notebook - Size: 1.38 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

Abdulrahmankhaled11/Diamond-Price-Prediction

Collection of Regression models with maximum accuracy [.98] to predict Dimond price

Language: Jupyter Notebook - Size: 937 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

emeralddawns/Optimize-Neural-Network

Examples of techniques that can be used to optimize neural network models (some techniques can apply more generally).

Language: Jupyter Notebook - Size: 10.1 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

bharatkulmani/Dry-Bean

Project is about predicting Class Of Beans using Supervised Learning Models

Language: Jupyter Notebook - Size: 35.3 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 2 - Forks: 0

shanuhalli/Assignment-Clustering

Perform Clustering (Hierarchical, K Means Clustering and DBSCAN) for the airlines and crime data to obtain optimum number of clusters. Draw the inferences from the clusters obtained.

Language: Jupyter Notebook - Size: 5.49 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 1

shanuhalli/Assignment-PCA

Perform Principal component analysis and perform clustering using first 3 principal component scores both Heirarchial and K Means Clustering and obtain optimum number of clusters and check whether we have obtained same number of clusters with the original data.

Language: Jupyter Notebook - Size: 1.69 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

shanuhalli/Assignment-KNN

Prepare a model for glass classification using KNN and Implement a KNN model to classify the animals in to categorie.

Language: Jupyter Notebook - Size: 585 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

shanuhalli/Assignment-Random-Forest

Use Random Forest to prepare a model on fraud data. Treating those who have taxable income <= 30000 as "Risky" and others are "Good" and A cloth manufacturing company is interested to know about the segment or attributes causes high sale.

Language: Jupyter Notebook - Size: 2.82 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

shanuhalli/Assignment-Neural-Networks

Predict the Burned Area of Forest Fire with Neural Networks and Predicting Turbine Energy Yield (TEY) using Ambient Variables as Features.

Language: Jupyter Notebook - Size: 2.6 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

AsimChakraborty/House_price_prediction

The goal of this machine learning project is to predict the selling price of a new home by applying basic machine learning (regression)concepts to the housing prices data.

Language: Jupyter Notebook - Size: 1.85 MB - Last synced: 11 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

Billie-LS/modeling_da_loans

Using supervised learning on Lending Club loan data to predict default and / or bad loans

Language: Python - Size: 19.3 MB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

SukanyaPa/Assignment-07-Clustering-Q2-Crime

Used libraries and functions as follows:

Language: Jupyter Notebook - Size: 102 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

SukanyaPa/Assignment-07-Clustering-Q1-Airline-

Used libraries and functions as follows:

Language: Jupyter Notebook - Size: 169 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

manasik29/Predict-whether-a-client-has-subscribed-a-term-deposit-or-not

Predict-whether-a-client-has-subscribed-a-term-deposit-or-not

Language: Jupyter Notebook - Size: 1.83 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

samyakmohelay/Spotify-Hit-Predictor

A Spotify Hit Predictor capable of predicting whether any given track would be a 'Hit' or 'Flop'. By using the Spotify "hit predictor" dataset, with data analysis of past "hits" by decade. Deployment using Flask via Heroku.

Language: Jupyter Notebook - Size: 9.4 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

Endy02/ruchy

NBA Games stats simulator & predictor : Predict tomorrow games results and consult past games statistics

Size: 26.7 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

sarahcodebyte/ParkinsonsDisease

ML model to predict whether the person has Parkinson's Disease.

Language: Jupyter Notebook - Size: 29.3 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

sarahcodebyte/DiabetesPredictor

ML model to predict whether the user has diabetes.

Language: Jupyter Notebook - Size: 7.81 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

sarahcodebyte/SalaryPredictionModel

ML model for estimating salary of new employees based on parameters such as age, workinh hours, capital gain etc, at their previous workplace.

Language: Jupyter Notebook - Size: 40 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

DataRohit/Date-Fruit-Classification

This is Date Fruit Data taken from Kaggle. This data severs a classification problem to solved. Using various features of the fruit classify the fruit to its type.

Language: Jupyter Notebook - Size: 291 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

nani757/Feature_Scaling

Feature_Scaling_Normalization_MinMaxScaling_MaxAbsScaling_RobustScaling

Language: Jupyter Notebook - Size: 189 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

JordanJaner/supervised_learning_challenge

Using supervised machine learning models to determine credit worthiness

Language: Jupyter Notebook - Size: 109 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

watcharap0n/fastapi-model-iris

FastAPI create machine learning from model iris resful API

Language: Python - Size: 799 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Zauverer/income-determination

Language: Jupyter Notebook - Size: 1.23 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Zauverer/Support_Vector_Machine

Language: Jupyter Notebook - Size: 343 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Zauverer/exce_Linear_Discriminant_Analysis

Linear Discriminant Analysis

Language: Jupyter Notebook - Size: 293 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Zauverer/excer_Naive_Bayes

Language: Jupyter Notebook - Size: 5.91 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Related Keywords
standard-scaler 54 pandas 22 python 17 machine-learning 13 sklearn 13 numpy 13 logistic-regression 7 matplotlib-pyplot 7 data-preprocessing 7 seaborn 7 exploratory-data-analysis 6 clustering-algorithm 6 matplotlib 5 scatter-plot 5 pca 5 outlier-detection 5 random-forest 5 dendogram 5 eda 5 silhouette-score 5 min-max-scaler 5 elbow-plot 5 k-means-clustering 5 confusion-matrix 5 kmeans-clustering 4 grid-search-cv 4 train-test-split 4 linear-regression 4 dbscan-clustering 4 deep-learning 4 scikit-learn 4 python3 4 k-nearest-neighbours 3 data-analysis 3 data-visualization 3 pca-analysis 3 dbscan 3 machine-learning-algorithms 3 sklearn-library 3 classification 3 pipeline 3 tensorflow 3 data-science 3 neural-network 3 sklearn-metrics 3 svm-classifier 3 keras 2 normalize 2 random-forest-classifier 2 classifier 2 label-encoder 2 jupyter-notebook 2 label-encoding 2 smote 2 hyperparameter-optimization 2 robust-scaling 2 hirarchical-clustering 2 deep-neural-networks 2 feature-selection 2 kmeans 2 hyperparameter-tuning 2 principal-component-analysis 2 dendrogram 2 groupby-method 2 sweetviz 2 pandas-profiling 2 wcss 2 sum-of-squares 2 svm 2 classification-report 2 multiple-linear-regression 2 normalization 2 k-means 2 t-sne 2 hierarchical-clustering 2 dbscan-clustering-algorithm 2 elbow-method 2 assignment-08 1 silhouette-method 1 assignment-13 1 cross-validation-score 1 roc-curve 1 restful-api 1 recall 1 imblearn 1 k-fold 1 f1-score 1 knn 1 adasyn 1 assignment-15 1 counter 1 auc-score 1 turning-model 1 turning-machine 1 imbalanced-data 1 naive-bayes 1 keras-tuner 1 test-train-split 1 machinelearning 1 countvectorizer 1