Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

scikit-learn

scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.

https://github.com/jimmymugendi/bulding-a-decision-tree-to-predict-customer-churn

This repo desribes bulding a decision tree to predict customer churn in a given organisation

accuracy-score decision-tree-classifier matplotlib-pyplot numpy pandas-dataframe scikit-learn

Last synced: 16 Jan 2025

https://github.com/billgewrgoulas/recommendation-systems

Algorithms for joke rating prediction using the joke data-set from Kaggle.

algorithm clustering collaborative-filtering machine-learning numpy pandas recommender-system scikit-learn scypi

Last synced: 16 Jan 2025

https://github.com/virajbhutada/article-recommendation-system

This project aims to redefine content discovery by delivering personalized article recommendations tailored to individual user preferences. We use advanced machine learning techniques like PCA and K-means clustering to analyze user behavior and article characteristics to provide highly accurate recommendations.

anaconda article-recommendation clustering-algorithm data-analysis data-science keras-tensorflow machine-learning machine-learning-algorithms ml-models numpy pandas plotly python scikit-learn scipy

Last synced: 01 Feb 2025

https://github.com/somjit101/ds-logistic-regression

A simple implementation of the Logistic Regression Classifier on the Breast Cancer Dataset with L1 regularization and GridSearch for hyperparameter tuning.

breast-cancer-prediction breast-cancer-wisconsin grid-search grid-search-cross-validation hyperparameter-tuning logistic-regression machine-learning-algorithms regularization scikit-learn

Last synced: 16 Jan 2025

https://github.com/samjoesilvano/password_strength_prediction_using_nlp

Developed a predictive model to categorize passwords as Strong, Good, or Weak, enhancing security and reducing breach risks. The project involves cleaning and analyzing data from an SQL database, using the TF-IDF technique for transformation, and implementing a Logistic Regression model to achieve accurate classifications.

data-analysis data-classification data-cleaning data-visualization logistic-regression machine-learning natural-language-processing pandas password-security password-strength python scikit-learn sql tf-idf

Last synced: 26 Jan 2025

https://github.com/roboneet/enron_analysis

udacity project (to be complete)

machine-learning scikit-learn

Last synced: 30 Jan 2025

https://github.com/priyanshulathi/air-quality-index-prediction

Machine learning based air quality index prediction using environmental and pollutant data to classify and forecast pollution levels.

machine-learning matplotlib numpy pandas python scikit-learn seaborn

Last synced: 19 Dec 2024

https://github.com/samiyaalizaidi/nn-ml-homeworks

Homework solutions for CPE-4903: Neural Networks & Machine Learning at Kennesaw State University.

machine-learning machine-learning-workflow neural-networks numpy scikit-learn

Last synced: 16 Jan 2025

https://github.com/otuemre/viginids

VigiNIDS: A machine learning-based system for detecting malicious network traffic using the UNSW-NB15 dataset. It distinguishes between normal and attack activities, providing a data-driven approach to network security.

classification cybersecurity intrusion-detection-system machine-learning network-intrusion-detection python scikit-learn unsw-nb15 xgboost

Last synced: 03 Feb 2025

https://github.com/sshbuilder/movie-recommendation-system

The primary goal of this project is to provide personalized movie recommendations to users based on their preferences and the characteristics of the movies. This is achieved through a multi-step process involving data preprocessing, text vectorization, and recommendation generation.

anaconda-environment data-science jupyter-notebook machine-learning movie-recommendation movies pandas python3 recommendation-system recommender-system scikit-learn scikitlearn-machine-learning

Last synced: 09 Jan 2025

https://github.com/hasanulmukit/spam-email-classifier

This is a Spam Email Classifier built using Python and Streamlit. It uses a pre-trained model to predict whether an email is Spam or Not Spam. The app also provides the probability scores for both categories, enhancing transparency and reliability of the prediction.

email-classifier machine-learning nlp python scikit-learn spam-detection streamlit text-classification

Last synced: 03 Feb 2025

https://github.com/alexsolov28/ml_course

Курс "Технология машинного обучения"

colab-notebooks jupyter-notebook matplotlib numpy pandas python scikit-learn seaborn

Last synced: 19 Dec 2024

https://github.com/hilarionengarejr/movie-recommender-app

Sentiment analysis on user reviews for movie recommendations using Content Based Filtering.

docker flask nltk numpy pandas python3 scikit-learn selenium

Last synced: 15 Dec 2024

https://github.com/rishisolanke/twitter-sentiment-analysis-using-machine-learning-

A research project that classifies tweets as positive, negative, or neutral using ML algorithms (Logistic Regression, Naïve Bayes, SVM) with NLP preprocessing.

data-science data-visualization logistic-regression machine-learning ml-models naive-bayes natural-language-processing nlp scikit-learn sentiment-analysis svm text-classification twitter-data

Last synced: 03 Feb 2025

https://github.com/0eix/ibm-ds-spacex-falcon9

IBM Professional data science certificate Final Project Notebooks

data-science data-visualization exploratory-data-analysis ibm poetry scikit-learn shap

Last synced: 22 Jan 2025

https://github.com/mathealgou/ml-jobs

This project is a machine learning exercise, the application receives a set of skills from the user and returns a job title that matches the skills entered. It uses the Random Forest algorithm to make the prediction base on a jobs dataset.

machine-learning python random-forest-classifier scikit-learn

Last synced: 24 Dec 2024

https://github.com/shubhamsoni98/classification-with-random-forest-1

To classify sales into categories (Low, Moderate, High) using Random Forests to inform strategic decisions and optimize marketing strategies.

algorithms anaconda data data-science datacleaning eda jupyter-notebook machine-learning pyhton random-forest scikit-learn visualization

Last synced: 19 Dec 2024

https://github.com/priyanshulathi/cancer-diagnosis-prediction-model

A Machine Learning project to predict cancer malignancy using K-Nearest Neighbor, Support Vector Machine, and Decision Tree algorithms.

machine-learning numpy pandas python scikit-learn

Last synced: 22 Jan 2025

https://github.com/smahala02/svm-machine-learning

This repository provides an in-depth tutorial and practical implementation of Support Vector Machines (SVM) for classification tasks, using Python and popular data science libraries.

classification data-science machine-learning python scikit-learn svm

Last synced: 22 Jan 2025

https://github.com/supernovasatsangi23/modifying-biomarker-gene-identification-for-effective-cancer-categorization

A project that focuses on implementing a hybrid approach that modifies the identification of biomarker genes for better categorization of cancer. The methodology is a fusion of MRMR filter method for feature selection, steady state genetic algorithm and a MLP classifier.

dataset deep-learning deep-neural-networks feature-selection genetic-algorithm machine-learning machine-learning-algorithms mlp-classifier mrmr neural-network numpy pandas-dataframe python python3 scikit-learn scikit-learn-python tkinter-gui tkinter-python

Last synced: 03 Feb 2025

https://github.com/dwija12903/password-strength-checker

A Model to evaluate the strength of passwords and enhance security for your applications.

matplotlib pandas scikit-learn seaborn xgboost

Last synced: 22 Jan 2025

https://github.com/avik-pal/kaggle-titanic

Predicting whether a given set of people survive on the Titanic

machine-learning numpy pandas scikit-learn scikitlearn-machine-learning

Last synced: 21 Jan 2025

https://github.com/ojhaharsh/rockvsmine-prediction

Streamlit App for Predicting Rock vs. Mine using SONAR Data. The app allows users to input SONAR readings and returns predictions based on trained data.

machine-learning python scikit-learn

Last synced: 22 Jan 2025

https://github.com/rinuya/ml-cancer-diagnosis

Binary classficiation using MLP & Random Forest

ml mlp random-forest scikit-learn

Last synced: 22 Jan 2025

https://github.com/lorenzorottigni/ml-lending-club

Machine Learning python bootcamp: random forest classifier on LendingClub dataset

ipynb machine-learning numpy pandas python random-forest-classifier scikit-learn seaborn

Last synced: 30 Jan 2025

https://github.com/gititsid/visaverdict

A ML project to predict possibility of US Visa approval

classification python3 random-forest-classifier scikit-learn

Last synced: 22 Jan 2025

https://github.com/monish-nallagondalla/cement_strength_prediction

The Cement Strength Prediction project uses machine learning to predict the compressive strength of cement based on its components, such as Cement, Fly Ash, Water, Superplasticizer, Coarse Aggregate, Fine Aggregate, and Age. The goal is to forecast compressive strength (MPa) for optimized cement production and quality control.

cement-strength-prediction construction-industry data-analysis data-preprocessing data-science data-visualization feature-engineering machine-learning predictive-modeling python regression-analysis scikit-learn

Last synced: 03 Feb 2025

https://github.com/shubhamsoni98/prediction-with-binomial-logistic-regression

To predict client subscription to term deposits and optimize marketing strategies by identifying potential subscribers.

binomial data data-science eda machine-learning matplotlib pipeline python scikit-learn seaborn sklearn sql visualization

Last synced: 22 Jan 2025

https://github.com/ashrw/handwritten_digit_recognizer

A handwritten digit recognition system using Python and Scikit-learn to preprocess images and classify digits with a trained SVM model.

ml python scikit-learn

Last synced: 22 Jan 2025

https://github.com/vishal-verma-96/capstone_project_by_skill_academy

Capstone Project by skill Academy- Exploratory Analysis, Visualization and Prediction of Used Car Prices. Deploying the highest-scoring model with Streamlit web app

data-analysis data-science jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python3 regression-algorithms scikit-learn seaborn

Last synced: 18 Oct 2024

https://github.com/tszon/data-science-projects

Included are all the worth-noting Data Science projects in my learning journey with DataCamp.

data-analysis data-science exploratory-data-analysis feature-engineering machine-learning modelling preprocessing-data scikit-learn supervised-learning

Last synced: 22 Jan 2025

https://github.com/zahediparsa/ml_birkaracademy

Developed exercises and practical tasks to help students grasp key machine learning topics in a course hosted by Birkar Academy and ICDS.ai

decision-trees iris-dataset knn machine-learning mlp-classifier scikit-learn

Last synced: 22 Jan 2025

https://github.com/pranavgautam29/flight-price-prediction

The Flight Price Prediction project uses machine learning to forecast flight ticket prices based on historical data. Hosted on Streamlit Community Cloud and deployed via Streamlit, this application allows users to input flight details such as departure and arrival airports, travel dates, and class to receive accurate price predictions.

machine-learning prediction-model regression scikit-learn statistical-machine-learning streamlit

Last synced: 22 Jan 2025

https://github.com/mryutaro/spla3clip

スプラトゥーン3でキル・デスした時刻を自動で集めるツール

fastapi python react scikit-learn typescript

Last synced: 14 Dec 2024

https://github.com/a-poor/sample-model-serve

Demo for using Flask to serve a scikit-learn model as an API

api data-science docker flask machine-learning scikit-learn

Last synced: 02 Feb 2025

https://github.com/shendrew/coursescope

Machine learning for course classification by topics

beautifulsoup machine-learning nlp scikit-learn

Last synced: 20 Jan 2025

https://github.com/santiagoasp98/spam-detection

SMS spam detection using Logistic Regression and Multinomial Naive Bayes.

classification logistic-regression machine-learning multinomial-naive-bayes python scikit-learn spam-detection

Last synced: 14 Dec 2024

https://github.com/labex-labs/sklearn-practice-plus

[scikit-learn Practice Plus]-In this course, You will practice more labs of scikit-learn. This will help you to master the skills more deeply.

awesome awesome-list challenges course education hands-on labex labs machine-learning pandas programming python scikit-learn

Last synced: 13 Nov 2024

https://github.com/labex-labs/unsupervised-learning-clustering

[Unsupervised Learning: Clustering] This repository collects 9 of programming scenarios (labs and challenges) for Unsupervised Learning: Clustering. In this course, you will fully understand unsupervised learning and learn to use unsupervised learning to perform data clustering.

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn

Last synced: 13 Nov 2024

https://github.com/sundanc/weatherprediction

This project implements a weather prediction system that predicts the temperature based on real-time weather data, including features like humidity, wind speed, and day-related features (day of the week, month

machine-learning machinelearning numpy pandas programming python scikit-learn scikitlearn-machine-learning weather-prediction

Last synced: 14 Dec 2024

https://github.com/callesjuan/ninjalprm

Protótipo de ferramenta de agrupamento de dispositivos Android por geolocalização (Server)

python scikit-learn xmpp

Last synced: 24 Oct 2024

https://github.com/labex-labs/supervised-learning-classification

[Supervised Learning: Classification] This repository collects 10 of programming scenarios (labs and challenges) for Supervised Learning: Classification. During this course, we will continue to learn another important application in supervised learning - solving classification problems. In the fo...

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn

Last synced: 13 Nov 2024

https://github.com/labex-labs/quick-start-with-tensorflow

[Quick Start with TensorFlow] This repository collects 9 of programming scenarios (labs and challenges) for Quick Start with TensorFlow. In this course, you will learn the basic concepts and syntax of TensorFlow 2, and how to use TensorFlow 2 to implement deep learning algorithms.

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn tensorflow

Last synced: 13 Nov 2024

https://github.com/sunilvarma-l/liverdiseaseprediction

"Streamlit app to predict liver disease risk using a machine learning model based on patient input data."

machine-learning matplotlib numpy pandas pickle python scikit-learn seaborn streamlit

Last synced: 14 Dec 2024

https://github.com/labex-labs/foundations-of-deep-learning

[Foundations of Deep Learning] This repository collects 7 of programming scenarios (labs and challenges) for Foundations of Deep Learning. In this course, you will learn the basic concepts of deep learning, including the basic principles of neural networks, the basic principles of TensorFlow, Ker...

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn tensorflow

Last synced: 13 Nov 2024

https://github.com/sevilaymuni/project-no.6-tree-based-models

Random Forest Assisted Suggestions for Salifort Motors Employee Retention: Plan, Analyze, Construct and Execute

data-science decision-trees evaluation-metrics gridsearchcv logistic-regression machine-learning matplotlib python random-forest-classifier scikit-learn seaborn-plots

Last synced: 16 Dec 2024

https://github.com/supershivam5/python_projects

💻 Python programming with Numpy, Pandas, Matplotlib.🌟 Love exploring new technologies. Check out my projects!

matplotlib-pyplot numpy pandas scikit-learn seaborn

Last synced: 14 Dec 2024

https://github.com/svetlanam/pycon-workshop

Pycon CZ workshop: Better data analyses and product recommendations with Instagram data

data-analysis data-science martinus matplotlib pandas pycon2016 pyconcz python scikit-learn workshop

Last synced: 13 Jan 2025

https://github.com/djdhairya/crop-recommendation

Crop Recommendation System is a powerful tool for enhancing agricultural decision-making. By leveraging data-driven insights, it empowers farmers to maximize yield and ensure sustainable practices.

adaboostclassifier bagging-classifier csv decision-trees gaussian html knn-classification logistic-regression machine-learning machine-learning-algorithms matplotlib model numpy pandas random-forest random-forest-classifier scikit-learn seaborn svc

Last synced: 14 Dec 2024

https://github.com/kalelmartinho/imersao_dados_3

Terceira edição da Imersão Dados da Alura. O projeto foi inspirado em um desafio do Laboratory innovation science at Harvard disponibilizando os dados em uma competição no kaggle.

alura data-science imersaodados imersaodados3 pandas python3 scikit-learn

Last synced: 13 Jan 2025

https://github.com/mramshaw/intro-to-ml

Intro to Machine Learning - Pattern Recognition for Fun and Profit

machine-learning matplotlib ml numpy pandas pip pip3 python scikit-learn scipy seaborn seaborn-plots sklearn statsmodels tensorflow weka

Last synced: 14 Jan 2025

https://github.com/mark1708/neurointerfaces-of-information-systems

Laboratory work on the discipline "Neurointerfaces of information systems"

numpy pandas python scikit-learn

Last synced: 12 Jan 2025

https://github.com/divakarkumarp/pneumonia-detection

Deep learning (DL) model is a pneumonia fighter! Trained on chest X-ray images, it analyzes patterns to detect the lung infection. Imagine a digital doctor scrutinizing the X-ray, pinpointing areas that might be pneumonia. The model outputs a probability score, helping doctors confirm or rule out the illness.

cnn deep-learning docker keras python scikit-learn streamlit tensorflow

Last synced: 22 Jan 2025

https://github.com/broodhoney/titanic-ml-from-disaster

This repository contains my analysis and solutions for the Titanic: Machine Learning from Disaster competition on Kaggle. The notebook explores the dataset, performs extensive Exploratory Data Analysis (EDA), applies feature engineering techniques, and builds predictive models to determine survival outcomes based on passenger data

machine-learning numpy pandas python scikit-learn scikitlearn-machine-learning

Last synced: 03 Feb 2025

https://github.com/marknature/machine-learning-intern

Machine Learning tasks involving the Titanic Dataset and Breast Cancer Wisconsin (Diagnostic) dataset

data-analysis github jupiter-notebook machine-learning matplotlib numpy pandas python scikit-learn sklearn

Last synced: 13 Jan 2025

https://github.com/heyitsjoealongi/fantasy-football-qbwr-model

Fantasy Football: Quarterback / Wide Receiver - Gaussian Process Regression (GPR) Machine Learning Model

machine-learning matplotlib model numpy python scikit-learn

Last synced: 14 Dec 2024

https://github.com/daniel-fink-de/contextual-encoders

A library of scikit-learn compatible contextual variable encoders

data-science machine-learning scikit-learn

Last synced: 09 Jan 2025

https://github.com/lucs1590/commom_segmentations

The purpose of this repository is to document and expose code samples using common threading techniques.

computational-vision machine-learning open-source opencv python scikit-image scikit-learn segmentation sklearn

Last synced: 13 Jan 2025

https://github.com/thchilly/mlds102_py_exercises

Complete exercise sets from MLDS Practical Data Science and Applications course

data-science matplotlib numpy pandas python scikit-learn scipy tensorflow

Last synced: 27 Jan 2025

https://github.com/manojkp08/student-performance-analysis

The Student Performance Analyzer is your go-to solution for understanding and improving student performance. By blending the power of machine learning with interactive visualizations, this tool provides educators and learners with personalized insights into learning styles, performance gaps, and actionable improvements.

machine-learning numpy pandas python requests scikit-learn streamlit

Last synced: 27 Jan 2025

https://github.com/oroszgy/cookiecutter-ml-flask

Cookiecutter template for training and serving machine learning models with scikit-learn, spacy, Flask and Docker

docker flask flask-application machine-learning nlp rest-api scikit-learn spacy

Last synced: 03 Feb 2025

https://github.com/rririanto/thesis-projects

The computer science thesis project that I worked on when I was a student and was looking for a part time job

bag machine-learning python2 python27 scikit-learn surf

Last synced: 20 Jan 2025

https://github.com/NoName115/Bachelor-thesis

Bachelor thesis - Determination of Gun Type and Position in Image Scene

bachelor-thesis classification computer-vision fit gun keras machine-learning scikit-image scikit-learn vut

Last synced: 23 Oct 2024

https://github.com/venky-1710/superhero-recruitment

Superhero Recruitment System predicts hero selection using machine learning. Users input hero attributes through a web interface. A Random Forest model analyzes abilities, strengths, weaknesses, success rates, and missions completed. The Flask app displays results, showing if a hero is selected.

css flask html numpy pandas python scikit-learn

Last synced: 20 Jan 2025

https://github.com/easy-ai-tech/student-score-analysis

A data-driven student performance analysis project using UCI dataset (396 students, 33 features). Implements machine learning models (K-means, PCA, Decision Tree, Random Forest, Linear Regression) to analyze academic patterns and predict student scores based on lifestyle, health, and study habits.

clustering clustering-algorithm decision-trees feature-engineering learning-management-system linear-regression machine-learning machine-learning-algorithms matplotlib numpy pandas pca pickle prediction prediction-algorithm scikit-learn score seaborn student

Last synced: 01 Feb 2025

https://github.com/wuweiweiwu/zookeeper-bot

Bot for Facebook Messenger game Zookeeper using scikit-learn SVM :dromedary_camel:

facebook-messenger scikit-learn svm zookeeper

Last synced: 24 Jan 2025

https://github.com/mohit1106/fraud-detection

an anomaly detection system on 284,807 transactions, achieving an AUC of ~0.972 with CNNs and Autoencoders.

autoencoders cnn-model isolation-forest keras python scikit-learn tensorflow

Last synced: 02 Feb 2025

https://github.com/ledsouza/machine-learning-client-satisfaction

Este projeto tem como objetivo construir um modelo de Machine Learning capaz de prever a satisfação de clientes de uma companhia aérea.

cross-validation hyperparameter-optimization machine-learning machine-learning-algorithms mlxtend one-hot-encoding pandas python scikit-learn

Last synced: 14 Jan 2025

https://github.com/idaraabasiudoh/svm_cell_classification

This repository contains code for classifying cell samples using Support Vector Machine (SVM) with Scikit-learn.

machine-learning python3 scikit-learn svm-classifier

Last synced: 20 Dec 2024

https://github.com/evanch98/predict-concrete-strength-keras

Predict-concrete-strength deep learning model trained using Keras. This project is part of the IBM AI Engineering Professional Certificate.

deep-learning google-colab jupyter-notebook keras keras-tensorflow numpy pandas python regression-models scikit-learn

Last synced: 22 Jan 2025

https://github.com/ejw-data/ml-clustering-personality

Analaysis of the big-5 personality test survey results with clustering techniques.

clustering machine-learning python scikit-learn unsupervised-learning

Last synced: 22 Jan 2025

https://github.com/ejw-data/proj-food-inspections

Analyzing Chicago Food Inspection data for interesting insights by combining multiple data resources and performing feature engineering.

decision-trees pandas preprocessing python scikit-learn

Last synced: 22 Jan 2025

https://github.com/nickklos10/concrete-compressive-strenght-prediction

This project predicts concrete compressive strength using a neural network regression model built with Keras.

jupyter-notebook keras matplotlib numpy pandas python scikit-learn

Last synced: 24 Oct 2024

https://github.com/nfordumass/nbafinalsmvp_ml

A python machine learning analysis of who should've won NBA Finals MVP each year.

jupyter-notebook machine-learning python scikit-learn

Last synced: 02 Feb 2025