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

GitHub topics: onehot-encoder

Ruben-babu7993/Complete-Machine-Learning--Projects

The project involves training a machine learning model (K Neighbors Classifier,Decision tree Classifier, Random Forest) to predict whether someone is suffering from a heart disease with 100% accuracy.

Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

venkat-0706/Titanic-Survival-Prediction

A machine learning project predicting Titanic passenger survival using data preprocessing, feature engineering, and model optimization with Logistic Regression, Random Forest, and XGBoost.

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

TsLu1s/atlantic

Atlantic: Automated Data Preprocessing Framework for Machine Learning

Language: Python - Size: 1.94 MB - Last synced at: 14 days ago - Pushed at: 3 months ago - Stars: 28 - Forks: 4

gyrdym/ml_preprocessing

Implementation of popular data preprocessing algorithms for Machine learning

Language: Dart - Size: 5.44 MB - Last synced at: 23 days ago - Pushed at: about 3 years ago - Stars: 20 - Forks: 1

williakn3/Machine-Learning-Project--2

Machine Learning Project

Language: Jupyter Notebook - Size: 204 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

DataSpieler12345/ml-with-python

Python Machine Learning Projects | Hands-on Experience...

Language: Jupyter Notebook - Size: 5.99 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Bramitha-gowda-M/T20-world-cup-prediction-system

T20 World Cup Prediction System -- This GitHub repository contains the code for a T20 World Cup prediction system implemented in Python. The project utilizes popular libraries such as pandas, NumPy, and XGBoost for data manipulation, cleaning, and building predictive models.

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

YaminiGhumre/50_startups_prj3

50_startups_prj3 multiple linear regression practical

Language: Python - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

yu45020/encodedummy

Fast Encode Non-Numeric Variables into Dummy Columns

Language: R - Size: 33.2 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Deepshikha05/Customer_Behavior_Analysis

Language: Jupyter Notebook - Size: 185 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

m-clark/tidyext

Extensions and extras for tidy processing.

Language: R - Size: 3.2 MB - Last synced at: 27 days ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 2

sadhave2511/Titanic_Kaggle

Employed hyper-parameter tuning (Gridsearch CV) and ensemble methods (Voting Classifier) to combine the results of the best models. Data Cleaning and Exploration using Pandas. Stratified Cross Validation to model and validate the training data

Language: Jupyter Notebook - Size: 69.3 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

alexloser/xsvt

Small tools for csv file processing (onehot encoding, format checking and converting to libsvm).

Language: C - Size: 148 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

suyinwb/Neural_Network_Charity_Analysis

From Alphabet Soup’s business team, Beks received a CSV containing more than 34,000 organizations that have received funding from Alphabet Soup over the years. Within this dataset are a number of columns that capture metadata about each organization

Language: Jupyter Notebook - Size: 591 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

NotTheStallion/Data_preparation_4_ML_algorithm

This project will focus on data preparation and will follow the steps : data cleaning, handling text and categorical attributes, and feature scaling.

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

anazhmetdin/protEncoder

python package to encode protein using different methods for machine learning

Language: Python - Size: 29.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

sayhitosandy/Chatbot 📦

Automatic Response Generation to Conversational Stimuli

Language: Python - Size: 15.5 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

emaynard10/Neural_network_charity_analysis

Exploring machine learning with nueral networks for a charity analysis. Adjusting the model to try and improve accuracy to predict which projects are likely to be successful.

Language: Jupyter Notebook - Size: 2.87 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Gabriel1Vitor/label

Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

charumakhijani/fake-and-real-news-detection

Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

janardan-ds/Prediction-of-HealthCare-Industry

To predict whether booked appointment will be completed or it will be no show.

Language: Python - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Kyle-Pu/Python-Data-Science-Projects

A host of data science + machine learning projects with Python, pandas, scikit-learn and more!

Language: Python - Size: 31.8 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

charumakhijani/restaurant-analysis-and-rating-prediction

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

paritosh3006/ML_ALGO

Language: Jupyter Notebook - Size: 147 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

dhawal777/DecisionTree

Implementation of decision tree from scratch along with analysis of its performance with different types of impurity measures

Language: Jupyter Notebook - Size: 214 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

singhrahuldps/OneHotEncode

A python script to deploy One-Hot encoding in Pandas Dataframes

Language: Python - Size: 8.79 KB - Last synced at: 1 day ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 1

OverFlowData/PersianTextSimilarity

OneHotVector and K means

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

paritosh3006/Trend_Analysis_in_APMC

Challenge 1: Agriculture Commodities, Prices & Seasons Aim: Your team is working on building a variety of insight packs to measure key trends in the Agriculture sector in India. You are presented with a data set around Agriculture and your aim is to understand trends in APMC (Agricultural produce market committee)/mandi price & quantity arrival data for different commodities in Maharashtra. Objective: Test and filter outliers. Understand price fluctuations accounting the seasonal effect Detect seasonality type (multiplicative or additive) for each cluster of APMC and commodities De-seasonalise prices for each commodity and APMC according to the detected seasonality type Compare prices in APMC/Mandi with MSP(Minimum Support Price)- raw and deseasonalised Flag set of APMC/mandis and commodities with highest price fluctuation across different commodities in each relevant season, and year.

Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

hpitawela/major_prediction

Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

miguelangelnieto/Image-Classification

Classified images from the CIFAR-10 dataset. The dataset consists of airplanes, dogs, cats, and other objects. The dataset was preprocessed, then trained a convolutional neural network on all the samples. I normalized the images, one-hot encoded the labels, built a convolutional layer, max pool layer, and fully connected layer.

Language: HTML - Size: 109 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Related Keywords
onehot-encoder 30 python 10 machine-learning 6 tensorflow 5 pandas 5 sklearn 5 numpy 4 matplotlib 4 standardscaler 4 logistic-regression 4 labelencoder 3 decision-trees 3 data-science 3 data-preprocessing 3 scikit-learn 3 onehot-encoding 3 xgboost 3 svm 3 kaggle-dataset 3 machine-learning-algorithms 3 linear-regression 3 random-forest 3 r 2 kmeans-clustering 2 preprocessing 2 matplotlib-pyplot 2 classification 2 random-forest-classifier 2 gru 2 exploratory-data-analysis 2 keras 2 lstm 2 nlp 2 ml 2 gridsearchcv 2 sklearn-library 2 seaborn 2 convolutional-neural-networks 2 feature-scaling 2 jupyter-notebook 2 tf-idf-vectorizer 1 stemming 1 power-transform 1 word-embeddings 1 sequence-padding 1 reducelearningrate 1 hmm 1 perplexity 1 rnn 1 seq2seq-chatbot 1 word2vec 1 keras-tuner 1 nueral-networks 1 pandas-python 1 supervised-machine-learning 1 countvectorizer 1 early-stopping 1 fake-real-news-dataset 1 glove-embeddings 1 gru-model 1 lemmatization 1 lstm-model 1 neural-networks 1 news-dataset 1 show 1 ridge-regression 1 zomato-restaurant-analysis 1 svm-classifier 1 entropy 1 gini-impurity 1 farsi 1 dbscan 1 time-series-analysis 1 deep-learning 1 dropout 1 integer-encoding 1 keras-models 1 neural-network 1 pandas-dataframe 1 prediction-algorithm 1 data-normalization 1 imputation 1 keras-tensorflow 1 pipelines 1 python-3 1 tensorflow-models 1 xgboost-model 1 data-plotting 1 decision-tree 1 dummies 1 extra-tree-regressor 1 feature-engineering 1 feature-importance 1 heatmap 1 kaggle 1 knn 1 lasso-regression 1 decision-tree-classifier 1 modelselection 1 ordinal-encoding 1