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

GitHub topics: labelencoder

MUHAMMADAKMAL137/Pytorch_Training_Pipeline_Using_Dataset_And_Dataloader_Class.ipynb

Binary classification of breast cancer using PyTorch. Used StandardScaler, LabelEncoder, Dataset, DataLoader, custom nn.Module model, BCELoss, and SGD. Focused on implementing a complete training pipeline, not optimizing accuracy.

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

maheshvarade/Rice-Grain-Classification-using-MobileNetV2

Rice Grain Classification Using MobileNetV2 This project focuses on classifying five types of rice grains (Arborio, Basmati, Ipsala, Jasmine, and Karacadag) using MobileNetV2. The dataset consists of 75,000 images (15,000 per class).

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

SridharYadav07/Code_Alpha-_Task-4

This project demonstrates the typical steps in a machine learning pipeline from data preprocessing and cleaning to training a model and evaluation its performance. The use of Random Forest is appropriate here given the complexity of the dataset, and with further tuning and improvements, this model could be used to make accurate predictions on heart

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

SridharYadav07/Code_Alpha_Creditcard_Scoring

This repository serves as a comprehensive example of how to preprocess data, train a Random Forest classifier, and evaluate its performance using several key metrics. The insights gained from the confusion matrix, classification report, and ROC-AUC score help to assess where the model excels and where improvements might be needed.

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

CamilaJaviera91/bagging-with-kaggle

Code in which an initial approach to decision trees and bagging will be made, and an attempt will be made to ensure that the model can be trained with any dataset coming from Kaggle (for this, we will again use the 'connect with Kaggle' project).

Language: Python - Size: 523 KB - Last synced at: 23 days ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

missbo-cyber/Titanic

Titanic ML competition from Kaggle platform

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

Baschin1103/Principal_component_analysis

In this repository you find a python program and the prints and 3D-visualization of it. After the KNN-Classification I wanted to know which variables have the most relevance for the results. One approach for this is the Principal-Component-Analysis (PCA). More details in the python program as comments.

Language: Python - Size: 136 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Baschin1103/Knn-classification-sqlalchemy

Example-Script to load data from a database and classify by the K-Nearest Neighbor (KNN) Algorithm.

Language: Python - Size: 83 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Tynab/Descriptive-Statistics

CyberSoft Machine Learning 03 - Descriptive Statistics

Language: Jupyter Notebook - Size: 14 MB - Last synced at: 4 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Ali-jalil88/Mlflow-DL-ANN

Gender Classification Using ANN with MLflow

Language: Jupyter Notebook - Size: 356 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Ali-jalil88/Mlflow-Bank-Marketing

Bank-Marketing dataset using Mlflow

Language: Jupyter Notebook - Size: 542 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

hem9984/Dataset-label

This will allow you to choose your labels, and then label every image in a zip file or text line in a CSV file out of the categories you chose (any text string is a valid label -NO LIMTS!)! Great for training CNN or neural network architectures of any kind!

Language: Python - Size: 428 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

Rafat3000/Glass-Classification

Classification data and using ANN model

Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

SrivathsanP23/Used-Car-Price-Prediction

Used-Car_price prediction using XGBoost Regressor

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

harmanveer-2546/Sports-Bets-Winning-Algorithm

Sports betting is the activity of predicting sports results and placing a wager on the outcome.

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

TrilokiDA/Data-pre-processing

Data preprocessing is a data mining technique that is used to transform the raw data into a useful and efficient format.

Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Fiza-102/AIRLINE-FLIGHT-FARE-PREDICTION

This model predicts the fare of flight on the basis of old records . In the process of completing this project - data cleaning, data processing , balancing the data and converting the categorical data into numerical data.

Language: Jupyter Notebook - Size: 148 KB - Last synced at: 10 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

harmanveer-2546/Prediction-Of-Ticket-Cancellation

The objective is to develop a model that accurately predicts whether users will cancel their tickets. Each cancellation incurs a fine for the ticket registration site from the passenger company.

Language: Jupyter Notebook - Size: 8.75 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

muhammad3245571106/Student-Grade-Prediction

This is the Data Mining Porject for predicting the grade of student before the final examination and before the Mid 2 examination. I use Python and Jupyter Notebook for this Project.

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

nirmal2i43a5/Categorical-Variables-and-Encoding

This repository explores various techniques for handling categorical variables in data preprocessing, focusing on methods such as one-hot encoding, label encoding, and their applications in machine learning models.

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

harmanveer-2546/Music-Genre-Classification

Classifying the genre of a music using deep neural networks.

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

jodiambra/Yachay.ai

Project predicting geolocation from tweets as part of Yachay.ai externship

Language: HTML - Size: 102 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

yujansaya/kaggle_customer_segmentation

Mall Customer Segmentation Data

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

janvikheni04/Data_Analysis_of_Titanic_Dataset

Machine learning Model

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

saikrishnabudi/Naive-Bayes

Data Science - Naive Bayes Work

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

amangelbhullar/Machine-learning-Data_Cleaning_Tools-supervised-learning

Data cleaning tools, handling missing data, categorical data, feature scaling

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

hritiksauw199/PS5-vs-Xbox-Series-X-Sentiment-Analysis

Extracted users' reviews from Amazon.com and performed sentiment analysis to determine which console to purchase

Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Abhrojyoti2001/Email-Spam-Classifier

A spam email chacking system using the Complement-Naive-Bayes algorithm on SpamAssassin datasets

Language: Jupyter Notebook - Size: 260 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years 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

elmezianech/Food-Delivery-Time-Prediction

This machine learning project focused on predicting food delivery times. The code emphasizes essential tasks such as data cleaning, feature engineering, categorical feature encoding, data splitting, and standardization to establish a solid foundation for building a robust predictive model.

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

yamini236/Microsoftengage-Used-Cars-Data-Analysis

This repository is project submission for Microsoft Engage 2022 program.

Language: Jupyter Notebook - Size: 23.1 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Abir0810/apple_trees_plant_dieases_prediction_using_Sequential_model_and_cnn

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

Harmanveer2546/Music-Genre-Classification

Classifying the genre of a music using deep neural networks.

Language: Jupyter Notebook - Size: 1.11 GB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

li-positiveandfocus/face_mask_detection_Machine_Learning

Face Mask Detection using Convolutional Neural Network model to discern whether individuals were wearing masks in given images.

Language: Jupyter Notebook - Size: 3.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Yuvaishu/SURGICAL-COMPLICATION-PREDICTION

AI is developed to predict the possible surgical complications(Cataract surgery) before the surgery based on the patient's medical history

Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

iamkirankumaryadav/Predictive-Analytics

Predictive Analytics

Language: Jupyter Notebook - Size: 315 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Palemravichandra/customer-segmentation

customer segmentation of insurance comapany

Language: Jupyter Notebook - Size: 4.18 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

zuhaib1214/Feature-Engineering

This repository is totally focused on Feature Engineering Concepts in detail, I hope you'll find it helpful.

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

RakshaSaxena/Decision-Tree

Decision Tree

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

kpsijil2/Serie-A-Match-

Serie A Match prediction

Language: HTML - Size: 1.64 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Abir0810/Drug_Addiction_prediction_using_machine_learning

We have analysis their drug addiction behavior. From this research work we can identify drug addiction behavior also. We have used classification model to classified different types of drug addiction people problem.

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

shayleaschreurs/Deep_Neural_Networks

Module 13 - I am creating a binary classification model using a deep neural network by preprocessing data for a neural network model , using the model-fit-predict pattern to compile and evaluate a binary classification model , and optimize the model.

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

Manaliagarwal/Student-Alcohol-Consumption-Detection-

With the Student Alcohol Consumption data set, we predict high or low alcohol consumption of students.

Language: Jupyter Notebook - Size: 157 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

emaynard10/Credit_Risk_Analysis

Using supervised machine learning to predict credit risk. Trying oversampling, under sampling, combination sampling and ensemble learning to find the model with the best fit

Language: Jupyter Notebook - Size: 20.7 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: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Toshani/Credit-Card-Fraud-Detector

Mini project repository where we have implemented Credit card fraud detection using encoding, SMOTE-ing and KNN.

Language: Jupyter Notebook - Size: 7.42 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

anweasha/Customer-Churn

Predicting customer churn based on customer credit card data - Mini Project for Data Mining and Analytics (18CSE355T)

Language: Jupyter Notebook - Size: 6.14 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - 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

rb25s13/predicting-credit-risk-supervised-ml

A machine learning model that attempts to predict whether a loan will become high risk or not

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

prankur16shukla/Audio_Classification

In this project we have created a Artificial Neural Network to classify the audios along with Exploratory Data Analysis and Data Preprocessing.

Language: Jupyter Notebook - Size: 5.36 MB - Last synced at: 12 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

shreeratn/Predicting-Credit-Card-Approval

Build a machine learning model to predict if a credit card application will get approved.

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

Manaliagarwal/Predicting-Salaries-of-Hiring-Employees

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

subhayuroy/MotorEvents

This ML⚒ project is to prove the dependencies of a motor🛠 in an everyday pump system👷‍♂️👨‍🏭

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

BharatMaheshwari96/IRIS-K_Means-PCA

Language: Jupyter Notebook - Size: 101 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

Related Keywords
labelencoder 54 pandas 24 numpy 20 python 19 sklearn 16 machine-learning 16 standardscaler 11 matplotlib 9 logistic-regression 9 tensorflow 7 train-test-split 7 keras 6 seaborn 6 sklearn-library 6 jupyter-notebook 5 random-forest 5 feature-engineering 5 scikit-learn 4 standardization 4 decision-trees 4 confusion-matrix 4 dataset 4 classification 4 deep-learning 4 onehot-encoding 4 data-visualization 3 scipy 3 adam 3 gridsearchcv 3 knn-classification 3 cnn 3 decision-tree 3 principal-component-analysis 3 linear-regression 3 datapreprocessing 3 exploratory-data-analysis 3 onehot-encoder 3 pickle 3 ann 3 random-forest-classifier 3 accuracy-score 3 decision-tree-classifier 3 music 2 minmaxscalar 2 kmeans-clustering 2 sequential-models 2 xgboost-regression 2 dense 2 mlflow 2 decisiontreeclassifier 2 data-science 2 streamlit 2 librosa 2 machinelearning 2 adaboostclassifier 2 nlp 2 outlier-detection 2 minmaxscaling 2 xgboost 2 simpleimputer 2 ordinal-encoding 2 naive-bayes-classifier 2 onehotencoder 2 sqlalchemy 2 decision-tree-regression 2 normalization 2 cnn-keras 2 plotly 2 ml 2 smote-sampling 2 supervised-machine-learning 2 random-forest-regression 2 svc 2 kneighborsclassifier 2 one-hot-encoding 2 sequential 2 adam-optimizer 2 frequent-value-imputation 1 discritisation 1 logistic-regression-algorithm 1 binarization 1 univariate-analysis 1 polynomial-regression 1 predictive-analytics 1 missing-values 1 bivariate-analysis 1 support-vector-regression 1 cross-validation 1 data-cleaning 1 data-extraction 1 mae 1 model-building 1 mse 1 r2-score 1 regression 1 rmse 1 standardisation 1 html-css 1 machinelearning-python 1 powerbi 1