sckiit-learn
There are 291 repositories under sckiit-learn topic.
raaaouf/RBF_neural_network_python
an implementation of a Radial Basis Function Neural Network (RBFNN) for classification problem.
Vatshayan/Disease-Prediction-Project-using-Machine-Learning-Project
Diseases Prediction System though Machine Learning with code and documents
divyansh1195/Car-Price-Prediction
End to end implementation and deployment of Machine Learning Car Price Prediction using python, flask, gunicorn, scikit-Learn, etc. on Heroku web application platform.
Anas1108/Particle-_Swarm_Optimization-PSO-_for_Feature_Selection
PSO feature selection improves classifier performance. Implemented in Jupyter Notebook with pandas, numpy, scikit-learn. PSO done from scratch. Results compared using accuracy, precision, recall, F1 score. Improves results compared to using all features. Can be applied to various classification problems.
Vatshayan/Machine-Learning-Project-for-Image-Compression
Implementation & Learning of Compression of Image through use of K-means Clustering Algorithm
Anas1108/Genetic_Algorithm_for_Feature_Selection
Implements a genetic algorithm to select the most impactful features in a dataset to improve classifier performance. Written in Jupyter Notebook using pandas, numpy, scikit-learn. Results displayed with accuracy, precision, recall, F1 score comparison to using all features.
Issam-KEBIRI/Classification_des_mails_spams-hams
Classifier des mails avec des outils ML
Jeanfabra/E-commerceML
Machine Learning model development for a transport company, the objective is to predict whether an order will arrive on time or not.
Jesus-Vazquez-A/Insurence
We solve a regression problem in which it consists of calculating the health insurance charge in the United States Where we will break down the project into 5 phases: Exploratory Analysis. Feature Engineering. Selection of the ideal model. Development of the final model. Creation of a web application in streamlit.
rezamosavi8740/car-price-prediction-regression-exercise
First exercise on simple linear regression and working with numpy and scikit-learn
aaronlam88/cmpe295
Trying to use power of machine learning to predict stock prices
ayamlearning/Wazihub_Soil_Moisture_Prediction
The objective of this challenge is to accurately predict the soil moisture level multiple days in advance. This solution will help farmers prepare their irrigation schedules more efficiently
bharatc9530/Sentiment-Analysis
Sentiment Analysis Using Bert Transformer
manojknit/PySpark_Python-ML-Models
PySpark Python ML Models
matiasandov/nlp-curriculum-classifier
NLP repository with projects like Article Classifiers, Recommender Systems and Text Processing
Mohanty-Hitesh-4495/Indian-Script-Classification
A repository housing a CNN model for text recognition, implemented in Python with TensorFlow and OpenCV.
raaaouf/Email-Spam-Classifier
a maching learning model to automating the detection of spam in emails
shubhammehra4/SMART-Metro
A Website powered by Machine Learning to find the shortest and safest route dynamically, based on traffic changes for Delhi Metro Services.
BasmaElhoseny01/Grades-Auto-Filler
Image Processing Grades Auto filler with 2 models Graded Sheet Model & Bubble Sheet Model
Hamid-Rezaei/Data-Mining
This repository contains code and solutions for the Data Mining project, which applies various techniques and methods to different datasets. The project covers data preprocessing, dimensionality reduction, regression, classification, and association rule mining.
Jonas56/classification-ecoli
KNN and Decision Tree
MayumyCH/blueberry_yield_prediction_with_python
Este proyecto ha sido desarrollado utilizando modelos de ML 📈🐍 con el fin de predecir el rendimiento del arándano silvestre 🌱 .
Mgobeaalcoba/all_python_for_everybody_my_course
Own Course for Udemy. In progress: Daily Projects for convert in Professional Python Developer.
sergepaulc/Machine-Learning-for-Finance
Sample codes in Python of machine learning models for enterprise financial applications using scikit-learn and PyTorch
YoungZM339/fault-diagnosis-system
Distributed System Fault Diagnosis System based on Machine Learning
DataSenseiAryan/Covid19
Novel-Corona Virus or Covid-19 :Visualisation,Forecasting ,Analysis,Maps,Bar Race Charts,Starter Codes,Modelling,Forecasting,Estimation
ds-brx/EDA-Plotly
EDA and Feature engineering with Plotly library!
eftekhar-hossain/Bengali-Book-Reviews
A task of sentiment analysis. Classify the Bengali book reviews into positive and negative sentiment.
ludel/AutoTrading
Algorithmic trading (postgraduate dissertation)
umeshsakinala/Speech-Emotion-Recognition
Welcome to the world of Speech Emotion Recognition (SER) in Python! This project aims to harness the power of machine learning to detect and classify emotions from spoken language. Whether it's joy, sadness, anger, or any other emotion, our SER model, built using Python libraries and deep learning techniques, can understand and differentiate them.
Vatshayan/B.tech-Final-year-project-Machine-learning-on-Flower-Species
Implementation & Learning of Iris Data-set and use of various Machine learning Algorithm
ALEXUSCR-27/Amazon-Books-Genre-Classifier
This classifier predicts the genre of books based on titles or descriptions using a Machine Learning model trained on an Amazon books dataset.
CirSandro/PFEE-ZAMA
A capstone project in collaboration with Zama to develop a privacy-preserving machine learning model using PPML, FHE and Concrete ML to detect banking frauds.
LasithaAmarasinghe/Olympic-Medal-Count-Prediction
This ML model predicts the medal count for various countries in the Olympic Games using Linear Regression.