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/francescopaolol/titaniccompetition

It's my first kaggle competition about predict survival on the Titanic and get familiar with ML basics

jupyter-notebook kaggle-competition machine-learning ml pandas scikit-learn

Last synced: 22 Dec 2024

https://github.com/spamfromaditya/drugs-consumption-prediction-model-eda-bagging-classifier

Drug consumption prediction models are like crystal balls for public health. By analyzing vast amounts of data, these models can identify individuals or communities at higher risk of drug use. They consider factors like demographics, social media activity, prescription history, and even economic indicators.

bagging-classifier machine-learning matplotlib numpy python scikit-learn

Last synced: 31 Dec 2024

https://github.com/nemeslaszlo/heart-disease

Heart disease classification project with different models (LogisticRegression, KNeighboursClassifier, RandomForestClassifier) and detailed reports.

classification knearest-neighbor-classifier logistic-regression mathplotlib numpy pandas randomforest-classification scikit-learn seaborn

Last synced: 01 Dec 2024

https://github.com/nemeslaszlo/sale-price-of-bulldozers

The goal of predicting the sale price of bulldozers. How well can we predict the future sale price of a bulldozer, given its characteristics previous examples of how much similar bulldozers have been sold for? (Archive kaggle competition)

matplotlib numpy pandas random-forest-regressor regression scikit-learn seaborn

Last synced: 01 Dec 2024

https://github.com/shaadclt/data-preprocessing-pipeline

This project contains a data preprocessing pipeline implemented in Python using the pandas and numpy libraries. The pipeline handles missing values, outliers, and normalizes numeric features in a dataset.

numpy pandas scikit-learn

Last synced: 07 Dec 2024

https://github.com/francescopaolol/decisiontree

About classify iris plants into three species in this classic dataset

decision-tree-classifier jupyter-notebook kaggle machine-learning ml pandas scikit-learn

Last synced: 22 Dec 2024

https://github.com/francescopaolol/favoritatimeseriesforecasting

See: https://www.kaggle.com/competitions/store-sales-time-series-forecasting

jupyter-notebook kaggle-competition machine-learning pandas scikit-learn

Last synced: 22 Dec 2024

https://github.com/ishanoshada/matplot3dex

A Matplotlib 3D Extension package for enhanced data visualization

data data-science matplotlib python-packages scikit-learn

Last synced: 01 Dec 2024

https://github.com/juselara1/bregclus

Python implementation of Bregman Hard Clustering and Bregman Soft Clustering as a scikit-learn module.

bregman-divergence clustering numpy scikit-learn unsupervised-learning

Last synced: 31 Dec 2024

https://github.com/nafisalawalidris/logistic-regression-model-for-breast-cancer-recurrence-prediction

Predicting Breast Cancer Recurrence - A logistic regression model using patient attributes to classify recurrence risk. Dataset analysis and model evaluation. Contributions welcome.

breast-cancer classification-model data-analysis data-science healthcare logistic-regression machine-learning python recurrence-prediction scikit-learn

Last synced: 23 Jan 2025

https://github.com/ax-va/numpy-pandas-matplotlib-scikit-learn-vanderplas-2023

These examples provide an introduction to Data Science and classic Machine Learning using NumPy, Pandas, Matplotlib, and scikit-learn. They are taken, with some changes, from the book "Python Data Science Handbook: Essential Tools for Working with Data", Second Edition, written by Jake VanderPlas and published by O'Reilly Media in 2023.

ax-va classic-machine-learning data-science machine-learning matplotlib numpy pandas python scikit-learn

Last synced: 18 Nov 2024

https://github.com/fohlen/stats-experiment

A tiny stats experiment with GENESIS data

matplotlib python3 scikit-learn

Last synced: 23 Jan 2025

https://github.com/carmoreno/analisisaccidentalidadbogota

Data Analysis about traffic accidents at Bogotá, Colombia.

data-analysis data-science jupyer-notebook matplotlib numpy pandas scikit-learn

Last synced: 05 Jan 2025

https://github.com/3rd-son/knn-breast-cancer-prediction-model-

A breast cancer prediction model using KNN with an accuracy of 96%

jupyter-notebook knn-classifier matplotlib numpy pandas python scikit-learn scipy search

Last synced: 28 Dec 2024

https://github.com/vaibhavs10/learn-ml

Modified notebooks (single) from kaggle.com/learn with added nuances

decision-trees machine-learning pandas random-forest scikit-learn

Last synced: 19 Dec 2024

https://github.com/snehilsanyal/ee524

Course webpage for IIT Guwahati EE524 Machine Learning Lab (Jul-Nov 2020) Session

course-webpage machine-learning matplotlib numpy pandas python scikit-learn

Last synced: 10 Dec 2024

https://github.com/alisonmitchell/boston-housing

Investigation of the Boston housing dataset to evaluate, train and test a regression model to predict house prices.

data-science machine-learning matplotlib numpy pandas python scikit-learn scipy seaborn

Last synced: 15 Jan 2025

https://github.com/bestmahdi2/uni__dataminningstackoverflowproject

A university project related to data mining lesson on StackOverflow website data with Python language

cart csv data-mining logistic-regression matplotlib mlp naive-bayes nltk numpy pandas python scikit-learn scipy seaborn stackoverflow svc textblob tqdm xgboost

Last synced: 14 Oct 2024

https://github.com/jdavydovportfolio/careerpredictor

A project leveraging AI and Machine Learning (Logistic Regression) to predict graduate job placements. Includes data preprocessing, exploratory analysis, and predictive modeling.

artificial-intelligence exploratory-data-analysis jupyter-notebook linear-regression logistic-regression machine-learning machine-learning-algorithms machine-learning-models matplotlib ml numpy pandas pandas-dataframe predictive-modeling programming python scikit-learn

Last synced: 07 Dec 2024

https://github.com/guoshijiang/scikit-learn

带你一起学习scikit-learn

nlp-machine-learning scikit-learn

Last synced: 24 Nov 2024

https://github.com/lucasfrag/dengue-prediction-knc

Projeto desenvolvido para realizar previsão de casos de dengue usando o algoritmo de classificação KNeighborsClassifier.

data-science knearest-neighbor-classifier machine-learning pandas python scikit-learn

Last synced: 18 Jan 2025

https://github.com/aditya172926/text_summarization

Project to generate summaries and perform Named Entity Recognition from multiple types of text bodies.

glove machine-learning nlp python scikit-learn spacy

Last synced: 24 Nov 2024

https://github.com/mehuaniket/blog-classifier

blog classifier with scikit random forest.

bag-of-words blog-classifier python scikit-learn

Last synced: 04 Jan 2025

https://github.com/samarpan-rai/serveitlearn

It creates an extremely thin layer around FastAPI library which allows you to create an end point super fast.

fastapi inference ml pypi scikit-learn

Last synced: 17 Dec 2024

https://github.com/pr38/tensorbspline

A scikit-learn compatible implementation of Polynomial Spline/B-Spline as well as a Multidimensional/Tensor spline variation.

basis-expansion feature-engineering feature-extraction machine-learning scikit-learn

Last synced: 04 Jan 2025

https://github.com/alexsomai/machine-learning-getting-started

Dummy examples and experiments to get started with Machine Learning

artificial-intelligence deep-learning machine-learning python scikit-learn

Last synced: 04 Jan 2025

https://github.com/francescopaolol/logisticregression

About predicting survival on the Titanic and get familiar with ML basics

jupyter-notebook kaggle logistic-regression machine-learning ml pandas scikit-learn

Last synced: 22 Dec 2024

https://github.com/vatshayan/hospital-discharge-analysis

Analysis of Hospitalization Discharge Rates in Lake County, Illinois of various attributes like Anxiety, Alcohol, mood, Diabetes, Asthma, etc

data-analysis data-visualization jupyter-notebook machine machine-learning machine-learning-algorithms scikit-learn

Last synced: 15 Jan 2025

https://github.com/docsallover/movie-recommendation

Content-Based Movie Recommendation System In Python Using Numpy, Scikit-Learn & Pandas

data-science jupyter machine-learning numpy pandas python scikit-learn

Last synced: 15 Jan 2025

https://github.com/dinhanhx/determination

Scripts to set global random for some machine learning framework

determination deterministic keras pytorch randomness scikit-learn tensorflow2

Last synced: 30 Nov 2024

https://github.com/uea-geral/rna-perceptron-exercise

🤖Disciplina de RNA: treinamento de um neurônio Perceptron.

jupyter-notebook neural-network numpy perceptron python scikit-learn

Last synced: 26 Nov 2024

https://github.com/ladityagogoi/shadowguard

The ShadowGuard Browser Extension is a powerful tool designed to enhance user experience by identifying and highlighting potential dark patterns on websites. Our extension employs a combination of machine learning algorithms and natural language processing (NLP) models to detect and classify various deceptive design practices

css flask html javascript joblib numpy pandas python scikit-learn

Last synced: 13 Jan 2025

https://github.com/soumyagautam/sign-sense

Deep Learning and Neural Network based Sign Sense or 'Sign Language' to Speech converter is an desktop app which can detect hand signs in a frame and can convert them to Speech, according to their respective meaning. Opposite to this, it can also recognise your voice and can convert it to sign language.

ai cv2 dataprocessing deep-learning keras machine-learning mediapipe moviepy-library neural-network openai-whisper scikit-learn tensorflow tkinter-python

Last synced: 30 Dec 2024

https://github.com/somjit101/human-activity-recognition

This project is to build a model that predicts the human activities such as Walking, Walking Upstairs, Walking Downstairs, Sitting, Standing or Laying using readings from the sensors on a smartphone carried by the user.

decision-tree-classifier eda feature-engineering gradient-boosting-classifier grid-search human-activity-recognition keras logistic-regression lstm random-forest-classifier rbf-kernel scikit-learn seaborn-plots signal-processing support-vector-classifier support-vector-machine t-sne tensorflow uci-har-dataset uci-machine-learning

Last synced: 16 Jan 2025

https://github.com/mgobeaalcoba/survival_predictor_on_the_titanic_scikit_learn

Titanic Survival Predictor using Scikit-Learn: Machine learning model and analysis to predict passenger survival on the Titanic based on historical data.

matplotlib numpy pandas python3 scikit-learn seaborn titanic-dataset titanic-kaggle titanic-survival-prediction

Last synced: 20 Jan 2025

https://github.com/kostasereksonas/ids_test

Code for intrusion detection system based on "Intrusion Detection System Using Machine Learning Algorithms" tutorial on Geeksforgeeks and Intrusion Detection on NSL KDD Github repository.

ids intrusion-detection intrusion-detection-system nsl-kdd-dataset numpy pandas python scikit-learn tensorflow

Last synced: 16 Jan 2025

https://github.com/daniel1kp/diamond-price-predictor

💎Diamond Price Predictor is an user-friendly web application that simplifies the analysis and prediction of diamond prices.

altair pandas python scikit-learn streamlit

Last synced: 15 Jan 2025

https://github.com/venky-1710/stress-level-predection

Stress Level Prediction is a web app using machine learning to estimate user stress levels. It takes inputs like anxiety, sleep quality, and academic performance, then predicts stress using a Decision Tree Classifier. Built with Python, Flask, and scikit-learn, it's useful for students, researchers, and those interested in stress management.

css flask html machine-learning numpy pandas python python-sklearn scikit-learn

Last synced: 20 Jan 2025

https://github.com/flysirin/adstextclassification

Classification of advertisements by topic

docker excel flask pandas python pytorch scikit-learn

Last synced: 22 Jan 2025

https://github.com/bistcuite/plainml

Painless Machine Learning Library for python based on scikit-learn

machine-learning ml plainml python scikit-learn

Last synced: 08 Dec 2024

https://github.com/priyanshulathi/url-based-web-phishing-detection-model

A machine learning project for detecting phishing URLs by extracting key features from web addresses and applying various classification algorithms to identify potential threats effectively.

decision-tree knn logistic-regression machine-learning python random-forest scikit-learn

Last synced: 22 Jan 2025

https://github.com/gauravsingh9356/machine_learning

All my practical learning work involved in MACHINE LEARNING (Data Processing to Deep Learning)

deep-learning jupyter-notebook machine-learning machine-learning-algorithms nlp-machine-learning python scikit-learn

Last synced: 02 Jan 2025

https://github.com/jesly-joji/house-price-prediction

House Price Prediction using Linear Regression with Scikit-learn and Flask

flask regression scikit-learn

Last synced: 22 Jan 2025

https://github.com/yvesemmanuel/machine_learning

Implements data problems solved with machine learning algorithms.

data-science keras keras-tensorflow linear-algebra machine-learning neural-network python scikit-learn

Last synced: 16 Jan 2025

https://github.com/shubhranpara/heart-disease-predictor

I have created this project as my Python term assignment. In this project I have trained a ML model to predict the heart disease using Scikit-learn library in python.

google-colab jupyter-notebook machine-learning medical prediction-model python scikit-learn

Last synced: 02 Jan 2025

https://github.com/anoopgeorge418/my-learnings

Learning Topics Related Data-Science and Web-Development From Complete Scratch.

bokeh bootstrap css folium html matplotlib numpy pandas plotly python scikit-learn seaborn

Last synced: 07 Jan 2025

https://github.com/akashshnkr/multi-disease-prediction

Developed and integrated three machine learning models for predicting diabetes, Parkinson's, and heart disease into a Streamlit-based web application. The interface allows users to input data and receive accurate health predictions, enhancing early detection and healthcare outcomes.

logistic-regression machine-learning-algorithms numpy pandas python scikit-learn streamlit-webapp svm

Last synced: 22 Jan 2025

https://github.com/mgobeaalcoba/data_champions_meli

Algorithms and work carried out within the framework of data champions by Mercado Libre

algorithms canvas classification clustering data-science machine-learning python3 scikit-learn

Last synced: 20 Jan 2025

https://github.com/hayatoy/gcpml-notebook

Dockerfile with Jupyter Machine Learning environment plus Google Cloud SDK

dockerfile google-cloud-platform jupyter scikit-learn tensorflow

Last synced: 02 Jan 2025

https://github.com/kookmin-sw/capstone-2023-29

자리있어? - 경기도 광역버스 좌석예측 시스템

fastapi lstm postgresql python3 pytorch react scikit-learn sqlalchemy

Last synced: 13 Nov 2024

https://github.com/ksmooi/mscs_big_data_match_predictor

The Match Predictor project uses various machine learning models to predict soccer match outcomes, leveraging historical data and advanced algorithms to forecast results. The system includes a backend in Python with Flask and a frontend in TypeScript with React.

flask machine-learning python scikit-learn

Last synced: 14 Dec 2024

https://github.com/g-eoj/cv-tl-keras

Use the cross validation functions from scikit-learn to evaluate image classification transfer learning with Keras models.

cross-validation keras numpy scikit-learn transfer-learning

Last synced: 21 Jan 2025

https://github.com/colinwu0403/heartbpmusic

Music discovery platform that recommends you a song based on your heart's BPM and your mood using Machine Learning.

django neurokit2 scikit-learn spotify-web-api vuejs

Last synced: 22 Jan 2025

https://github.com/mpolinowski/isometric-mapping

Non-linear dimensionality reduction through Isometric Mapping

isomap matplotlib-pyplot python scikit-learn

Last synced: 30 Nov 2024

https://github.com/bhimrazy/iris-species-prediction-using-decision-tree-algorithm-grip

Iris Species Intelligence: Classifying Iris Species with Confidence using Decision Trees | The Sparks Foundation: GRIP

decision-tree-classifier fastapi gripjan23 machine-learning python scikit-learn sparkfoundation

Last synced: 17 Jan 2025

https://github.com/amirjahantab/iris_classification

This project analyzes the famous Iris dataset using various machine learning techniques. The goal is to classify the iris flowers into three species: Setosa, Versicolor, and Virginica based on the features provided in the dataset.

classification data-science machine-learning scikit-learn

Last synced: 11 Jan 2025

https://github.com/idaraabasiudoh/knn-customer-classification

Labels telecommunication customer base to respective groups to determine service type required for each customer.

data-analysis jupyter-notebook machine-learning pyhton3 scikit-learn

Last synced: 14 Jan 2025

https://github.com/mgobeaalcoba/linear_algebra_for_machine_learning

Explore fundamental linear algebra concepts essential for machine learning in this repository, with code examples and explanations. Get a solid foundation for ML!

machine-learning matplotlib numpy pandas python3 scikit-learn scipy seaborn

Last synced: 20 Jan 2025

https://github.com/kr1shnasomani/greendetect

Detection of plant diseases using CNN (ResNet50 architecture)

computer-vision deep-learning keras neural-network numpy opencv pandas scikit-learn seaborn tensorflow

Last synced: 19 Dec 2024

https://github.com/george-gca/ai_papers_search_tool

Automatic paper clustering and search tool by fastext from Facebook Research

fasttext fasttext-embeddings fasttext-python nlp python scikit-learn

Last synced: 14 Jan 2025

https://github.com/prashver/titanic-survival-prediction

This project tackles the Titanic challenge on Kaggle, predicting passenger survival based on variables like age, sex, and passenger class. The Jupyter notebook covers essential steps of a data science pipeline, including exploratory data analysis, data cleaning, feature engineering, and modeling. The dataset used is the Titanic dataset.

classification-algorithm machine-learning-algorithms matplotlib numpy pandas scikit-learn seaborn

Last synced: 14 Jan 2025

https://github.com/the-developer-306/house-price-predictor

House Price Predictor: Harnessing machine learning algorithms to forecast housing prices in Boston, empowering buyers and sellers with accurate predictions based on key factors like location, crime rate, rooms, accessibility, and more.

csv ipynb-jupyter-notebook joblib matplotlib numpy pandas python scikit-learn

Last synced: 12 Jan 2025

https://github.com/7irelo/regressor-model

Video Game Sales Prediction using Decision Tree Regression

joblib matplotlib numpy pandas scikit-learn

Last synced: 13 Jan 2025

https://github.com/adzialocha/notebook

Jupyter notebooks for random experiments with audio processing, data analysis and machine learning

jupyter-notebook keras learning librosa music21 scikit-learn

Last synced: 22 Dec 2024

https://github.com/somjit101/nlp-casestudy-quora-question-similarity

An application of NLP and classical ML algorithms to an interesting real-world use case of predicting similarity between two questions on Quora. This allows the platform to combine similar questions into one and combine their answers to avoid duplication and unnecessary confusion.

cross-validation feature-engineering feature-extraction gradient-boosting kaggle logistic-regression machine-learning model-calibration natural-language-processing nlp quora-question-pairs scikit-learn svm text-mining xgboost

Last synced: 16 Jan 2025

https://github.com/upul/chocolate-quality-analysis

This repository contains a Jupiter notebook which describes how to use basic machine learning tools such Scikit-Learning, Pandas, and Numpy for buiding models.

machine-learning numpy pandas predictive-analytics scikit-learn

Last synced: 19 Jan 2025

https://github.com/shliakhovai/numpy-neural-network

A simple neural network implemented from scratch using NumPy.

machine-learning neural-network numpy preceptron scikit-learn

Last synced: 12 Jan 2025