There are 1 repository under accuracy-score topic.
[Not Actively Maintained] Whitebox is an open source E2E ML monitoring platform with edge capabilities that plays nicely with kubernetes
This contains the Jupyter Notebook and the Dataset for the mentioned Classification Predictive Modeling Project
Machine-Learning project that uses a variety of credit-related risk factors to predict a potential client's credit risk. Machine Learning models include Logistic Regression, Balanced Random Forest and EasyEnsemble, and a variety of re-sampling techniques are used (Oversampling/SMOTE, Undersampling/Cluster Centroids, and SMOTEENN) to re-sample the data. Evaluation metrics like the accuracy score, classification report and confusion matrix are generated to compare models and determine which suits this particular set of data best.
I aim in this project to analyze the sentiment of tweets provided from the Sentiment140 dataset by developing a machine learning sentiment analysis model involving the use of classifiers. The performance of these classifiers is then evaluated using accuracy and F1 scores.
This Model is used to Predict Emails data. Either emails are Spam or Normal (Ham) Mail.
This project develops an activity recognition model for a mobile fitness app using statistical analysis and machine learning. By processing smartphone sensor data, it extracts features to train models that accurately recognize user activities.
With the Student Alcohol Consumption data set, we predict high or low alcohol consumption of students.
This project focuses on predicting customer churn in the telecom industry using machine learning techniques. The model is trained to identify factors that influence customer retention and accurately predict whether a customer is likely to stay or leave.
To create a Decision Tree classifier and visualize it graphically, the purpose is if we feed any new data to this classifier, it would be able to predict the right class accordingly.
This project develops a deep learning model that trains on 1.6 million tweets for sentiment analysis to classify any new tweet as either being positive or negative.
Here we are trying to predict the closing price of the particular Netflix stock on a given trading day.
Crafted a machine learning model employing Support Vector Machine (SVM) algorithm to anticipate diabetes patterns using the diabetic prediction dataset. Dive into predictive analytics with this insightful project! 📊🔍
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).
This repository contains all the Machine Learning projects I did using different Machine Learning methods. Python being the main software used.
A Preprocessing, Analytical and Modeling Case Study using Supervised ML Models
Stock Price Prediction of APPLE Using Python
Predicting house price
Here are some fun projects to learn ML using Handson approach
This is the Data Mining Project for predicting the student's grade before the final and Mid-2 examination. I use Python and Jupyter Notebook for this Project.
Predicting credit risk with machine learning algorithms and help financial institutions detect anomalies, reduce risk cases, monitor portfolios with statistical functions.
This code evaluates the performance of a logistic regression model on age prediction using various features to predict a binary target variable, calculating metrics to determine the performance. It evaluates the comparison, identifies favorable features, and visualizes the ROC-AUC curve to determine the best model performance.
In this project, we aim to identify different fruits: apples, bananas, oranges, and tomatoes; through different Machine Learning algorithms: CNN, XGBoost, InceptionV3 transfer learning, and VGG16 transfer learning
Useful to predict the disease in potato leaves thus can predict disease like early blight and late blight used CNN,tensorflow etc
Improving a Machine Learning Model
Supervised Machine Learning and Credit Risk
It's a Python based Movie Recommendation System, which recommends movies to the users based on the similarity to previously watched movies. I have solved a machine learning classification problem and evaluated the model's performance using confusion matrix, accuracy score, recall score, precision and f1 score.
3 modelos de classificação para analisar churn de um empresa de telecom e ao final responder a pergunta: Qual modelo teve o melhor desempenho?
learning python day 6
Learning python day 4
This project explores supervised machine learning algorithms for heart disease prediction using the UCI Heart Disease Dataset. Various classification models like KNN, SVM, Logistic Regression, Decision Trees, Random Forest, Naïve Bayes, Gradient Boosting, and XGBoost are implemented and compared based on accuracy, precision, recall, and F1-score.
🗣️ Speech Type Detection is a Flask app to classifies text into categories like "Hate Speech," "Offensive Language," or "No Hate or Offensive Language" with 87.3% accuracy. It offers a user-friendly interface for text input and prediction, using machine learning algorithms. Idea for managing online inappropriate language. 🌐🔍.
Emotion Detection from Uploaded Images
Covid-19 prediction (For Nepal) with different MODELS (Sigmoidal, Linear Regressor, Random Forest Regressor) and comparisons
This github repositiory contains the Flight Price Prediction project aims to develop a machine learning model to predict flight ticket prices based on various factors such as departure and arrival locations, dates, airlines, and other relevant features.
👨💻👨💻 Bank deposit prediction model by Binomial Logistic Regression