Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
scikit-learn
scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.
- GitHub: https://github.com/topics/scikit-learn
- Wikipedia: https://en.wikipedia.org/wiki/Scikit-learn
- Repo: https://github.com/scikit-learn/scikit-learn
- Created by: David Cournapeau
- Released: January 05, 2010
- Related Topics: scikit, python,
- Aliases: sklearn,
- Last updated: 2024-11-06 00:26:45 UTC
- JSON Representation
https://github.com/mindful-ai-assistants/credit-card-prediction
💳 This repository focuses on building a predictive model to assess the likelihood of credit card defaults. The project includes data analysis, feature engineering, and machine learning to provide accurate default predictions.
jupyter logistic-regression machine-learning python3 scikit-learn
Last synced: 21 Oct 2024
https://github.com/jofaval/pima-indian-diabetes
Data Analysis and Classification of Pima Indian Women's Diabetes in 1988
data-analysis data-science deep-learning google-colab kaggle logistic-regression machine-learning pima-diabetes-data python scikit-learn xgboost
Last synced: 21 Oct 2024
https://github.com/swimshahriar/heart-attack-prediction
Heart attack prediction from 13 features.
jupyter-notebook pandas python3 scikit-learn
Last synced: 02 Nov 2024
https://github.com/sanu0711/healthcare-intelligence
Enhancing Patient Care through AI-Driven Disease Prediction
ai-health-assistant chatbot decision-tree-classifier disease-prediction djang generative-ai k-nearest-neighbours leafletjs map medication-details medication-history naive-bayes-classifier py random-forest-classifier scikit-learn sklearn support-vector-machines symptom-checker voice-search
Last synced: 12 Oct 2024
https://github.com/rajikaimal/emma
:santa: Intelligent mention bot for GitHub organizations
bot emma machine-learning python scikit-learn
Last synced: 27 Oct 2024
https://github.com/andi611/libsvm-classification
Performing classification tasks with the LibSVM toolkit on four different datasets: Iris, News, Abalone, and Income.
abalone abalone-dataset classification classification-algorithm data-mining income income-dataset iris iris-dataset libsvm libsvm-ready news-dataset newsgroups-dataset scikit-learn svm svm-classifier svm-training
Last synced: 14 Oct 2024
https://github.com/vectominist/mednlp
Mandarin Medical Dialogue Analysis with Pytorch.
dialog huggingface mandarin medical pytorch scikit-learn transformers
Last synced: 14 Oct 2024
https://github.com/jasper-koops/easy-gscv
This library allows you to quickly train machine learning classifiers by automatically splitting the data set and using both grid search and cross validation in the training process.
classification machine-learning python3 scikit-learn
Last synced: 23 Oct 2024
https://github.com/xushiyan/udacity-machine-learning
Content for Udacity's Machine Learning curriculum
jupyter-notebook machine-learning numpy pandas python reinforcement-learning scikit-learn supervised-learning udacity-machine-learning unsupervised-learning
Last synced: 13 Oct 2024
https://github.com/afonsojramos/feup-iart
Projects developed for Artificial Intelligence class.
feup feup-iart iart neural-network python scikit-learn tensorflow
Last synced: 13 Oct 2024
https://github.com/dustinmichels/bayesian-values-guesser
Uses some user input, data from the World Values Survey <www.worldvaluessurvey.org>, and Bayes Rule to guess a number of beliefs the user might have. STATUS: In progress.
bayes-rule bayesian-values-guesser naive-bayes-classifier pandas python scikit-learn values-survey
Last synced: 27 Oct 2024
https://github.com/offchan42/thai-thesis-classification
Classify each document inside the corpus using Python machine learning module: scikit-learn
nlp python python2 scikit-learn segment thai thai-language thai-thesis-classification
Last synced: 29 Oct 2024
https://github.com/jswong65/machine_learning_nanodegree
Projects of Udacity Machine Learning nanodegree
machine-learning numpy pandas python scikit-learn scipy
Last synced: 29 Oct 2024
https://github.com/gerdm/machine_learning
A repository with a bunch of machine learning
analyses data-science machine-learning machine-learning-algorithms scikit-learn
Last synced: 29 Oct 2024
https://github.com/rs2416/Detecting_Social_Anxiety
This repository contains the full dataset and code needed to recreate the classification models and reproduce the results within this paper: https://formative.jmir.org/2021/10/e32656/
jupyter-notebook machine-learning python scikit-learn social-anxiety
Last synced: 03 Aug 2024
https://github.com/prajwalsinha/unveiling-climate-change-dynamics-through-earth-surface-temperature-analysis
Climate change analysis through global surface temperature data. Includes data preprocessing, statistical analysis, visualizations, and forecasting. Python-based project using Pandas, Matplotlib, and Scikit-learn.
data dataanalysis dynamic-mapping pyplot python scikit-learn seaborn
Last synced: 03 Nov 2024
https://github.com/shliakhovai/house-price-prediction
This repository contains a complete machine learning pipeline for predicting housing prices. It includes data preprocessing, feature engineering, and model training and evaluation components, designed to provide a robust solution for regression tasks.
data-science machine-learning matplotlib numpy pandas prediction python regression scikit-learn seaborn
Last synced: 03 Nov 2024
https://github.com/michaelradu/computational-physics
A collection of Jupyter notebooks demonstrating the use of Python to solve classical and modern physics problems through computational modeling.
computational-model computational-modeling computational-physics education educational jupyter jupyter-notebook latex matplotlib notebook notebooks numerical-analysis numerical-methods numpy physics physics-analysis physics-simulation python scikit-learn
Last synced: 03 Nov 2024
https://github.com/anumit-web/ml-masterlist-2024
ML Masterlist, Machine Learning, 2024
image-segmentation kmeans-clustering machine-learning matplotlib numpy pandas reinforcement-learning scikit-learn supervised-learning unsupervised-learning
Last synced: 03 Nov 2024
https://github.com/zen204/airbnb_availability
A machine learning model that predicts Airbnb listing availability, utilizing feature engineering and supervised learning techniques to improve guest experience and optimize host management.
binary-classification data-analysis data-preprocessing data-visualization feature-engineering machine-learning matplotlib model-evaluation nlp pandas predictive-modeling python scikit-learn seaborn supervised-learning
Last synced: 03 Nov 2024
https://github.com/prithivsakthiur/data-board
Data Boards - Visualization of various plots ( Analysis )
data-analysis gradio huggingface keras mathplotlib pandas plots pyplot scikit-learn seaborn spaces
Last synced: 03 Nov 2024
https://github.com/an-exodus/dubai-real-estate-price-prediction-ml
This repository contains a comparative analysis of machine learning algorithms to predict real estate prices in Dubai. Using data from Bayut, we evaluate Decision Tree, Linear Regression, Random Forest, and Gradient Boosting models based on their predictive accuracy.
decision-tree gradient-boosting linear-regression machine-learning random-forest scikit-learn
Last synced: 03 Nov 2024
https://github.com/aarryasutar/logistic_regression_on_age_prediction
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.
accuracy-score confusion-matrix f1-score feature-selection logistic-regression model-training numpy pandas precision recall rmse roc-auc-curve scikit-learn visualization
Last synced: 03 Nov 2024
https://github.com/soumya6tiwari/customer-segmentation-using-rfm-analysis
This project focuses on customer segmentation using RFM (Recency, Frequency, Monetary) analysis and K-Means clustering. It enables businesses to identify high-value customers, optimize marketing strategies, and improve customer retention through data-driven insights.
backend clustering flask frontend kmeans-clustering matplotlib numpy pandas python rfm-analysis scikit-learn unsupervised-learning
Last synced: 03 Nov 2024
https://github.com/wkrzywiec/polish-crops
Machine learning project to find out if price of a wheat in Poland depends on a weather.
decision-tree-regression eurostat imgw jupyter-notebook linear-regression machine-learning matplotlib-pyplot numpy pandas pipenv poland polynomial-regression python random-tree regression-models scikit-learn support-vector-regression
Last synced: 29 Oct 2024
https://github.com/priboy313/pandasflow
A set of custom python modules for friendly workflow on pandas
catboost data-analysis data-science pandas phik python scikit-learn shap
Last synced: 03 Nov 2024
https://github.com/rodrigo-arenas/scikit-pipes
Scikit-Learn useful pre-defined Pipelines Hub
beginner-friendly good-first-issue help-wanted help-welcome machine-learning pipeline-framework scikit-learn scikit-learn-pipelines sklearn sklearn-pipeline
Last synced: 03 Nov 2024
https://github.com/glubbdubdrib/lazygrid
Automatic, efficient and flexible implementation of complex machine learning pipeline generation and cross-validation.
artificial-intelligence cross-validation database grid-search grid-search-hyperparameters keras machine-learning memoization model-comparison model-selection neural-networks openml optimization pipeline python scikit-learn tensorflow
Last synced: 03 Nov 2024
https://github.com/pankajarm/tabular_ml_toolkit
A helper library to jumpstart your machine learning project based on tabular or structured data.
data-science feature-engineering hyperparameter-tuning machine-learning parallelism python scikit-learn structured-data tabular xgboost
Last synced: 03 Nov 2024
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: 30 Oct 2024
https://github.com/srinivasrm/graphics_cards_analysis_and_application
In the current project I have extracted graphics card current prices from an authorizer retailer in India and performed analysis
beautifulsoup data-analysis data-science data-visualization etl graphic-card-price-prediction graphics-card graphics-card-analysis heroku-database machine-learning matplotlib pgsql python regression scikit-learn seaborn sql streamlit webapplication
Last synced: 11 Oct 2024
https://github.com/realamirhe/leaf-node
A leaf node for your machine learning journey, from scratch to practical applications...
algorithm auto-encoder classification cybernetics feature-extraction feedback-mechanism lda learning machine-learning machine-learning-journey numpy pca practice regression scikit-learn sklearn smlfdl
Last synced: 03 Nov 2024
https://github.com/swaathi/cpt-recommendation
Collaborative Filtering using User-Item and Item-Item Models
collaborative-filtering numpy recommendation-system scikit-learn
Last synced: 30 Oct 2024
https://github.com/gmontamat/quora-question-pairs
Code for the Kaggle competition "Quora Question Pairs"
kaggle-competition quora-question-pairs scikit-learn spell-checker xgboost
Last synced: 30 Oct 2024
https://github.com/rizz1406/spam-email-detector
Spam Email Classifier using Python and Streamlit A simple machine learning project that classifies emails as **spam** or **ham** using the **Naive Bayes algorithm** and **TF-IDF** for text feature extraction. The project includes a user-friendly web app built with Streamlit
nlp pandas pytho3 scikit-learn streamlit
Last synced: 31 Oct 2024
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: 05 Nov 2024
https://github.com/mehmoodulhaq570/machine-learning-models
A repository consisting of machine learning models for predicting the future instance. More specifically this repository is a Machine Learning course for those who are interested in learning the basics of machine learning algorithms.
decision-trees gradient-descent gradient-descent-algorithm knn-algorithm linear-regression linear-regression-models logistic-regression-algorithm machine-learning-algorithms machine-learning-models ml naive-bayes-algorithm one-hot-encoding pca python random-forest-classifier scikit-learn svm-model
Last synced: 05 Nov 2024
https://github.com/dr413677671/quantflow-deep-learning-quant-framework
A Light-weight Deep-learning Quant Framework
deep-learning keras matplotlib quantitative-finance scikit-learn seaborn signal-analysis signal-processing tensorflow
Last synced: 22 Oct 2024
https://github.com/oneapi-src/product-recommendations
AI Starter Kit for product recommendation system using Intel® Extension for Scikit-learn*
Last synced: 05 Nov 2024
https://github.com/mafesan/2021-tfm-code
Revelio: Machine-Learning classifier to identify Bots integrable with GrimoireLab
bot-accounts data-analysis data-analytics data-science grimoirelab machine-learning metrics open-source open-source-community project-health python scikit-learn
Last synced: 05 Nov 2024
https://github.com/rajaprerak/ml_dl_webapp
Machine learning and Deep learning project
flask heroku keras knearest-neighbors python scikit-learn tensorflow
Last synced: 06 Nov 2024
https://github.com/labrijisaad/chefclub-data-internship
Repository showcasing my Data Engineer / Scientist internship at Chefclub, contributing to data infrastructure enhancement and fostering data-driven insights.
airflow chefclub data-engineering data-science gcp scikit-learn
Last synced: 06 Nov 2024
https://github.com/labrijisaad/monthly-daily-energy-forecasting-docker-api
This repository houses an Energy Forecasting API that uses Machine Learning to predict daily and monthly energy consumption from historical data. It's designed as a practical demonstration of a Machine Learning Engineering workflow, from initial analysis to a deployable API packaged with Docker.
api docker jupyter-notebooks machine-learning makefile python random-forest scikit-learn xgboost
Last synced: 06 Nov 2024
https://github.com/paulj1989/bulgarian-constitutional-court-decisions
Developing NLP models for text and sentence classification using legal texts from the Bulgarian constitutional court.
keras neural-network nlp scikit-learn tensorflow tesseract
Last synced: 06 Nov 2024
https://github.com/aswinbarath/ml-classifier
A Machine Learning model which performs classification
classification image-classification jupyter-notebook machine-learning matplotlib-pyplot python3 scikit-learn
Last synced: 06 Nov 2024
https://github.com/rakibhhridoy/machinelearning-featureselection
Before training a model or feed a model, first priority is on data,not in model. The more data is preprocessed and engineered the more model will learn. Feature selectio one of the methods processing data before feeding the model. Various feature selection techniques is shown here.
extratreesclassifier feature-selection gridsearchcv lasso-regression logistic-regression machine-learning numpy pandas pca rfe rfecv scikit-learn selectkbest
Last synced: 06 Nov 2024
https://github.com/rakibhhridoy/supportvectormachinein-medical
Support vector machine in medical disease detection. Both linear and non-linear data can be fitted in svm through its kernel specialization In medical we focus on precision or recall rather than accuracy.
diabetes-prediction machine-learning medical precision-medicine recall-precision scikit-learn support-vector-machines svm
Last synced: 06 Nov 2024
https://github.com/tansudasli/analytics-sandbox
from Statistical approach to Machine learning
feature-engineering machine-learning matplotlib numpy opencv pandas probability regex scikit-learn seaborn statistics
Last synced: 11 Oct 2024
https://github.com/chengetanaim/sentimentanalysisforfinancialnews
This is a Django application for predicting whether the sentiment of a financial news headline is positive, negative or neutral (from an investor point of view)
beautifulsoup4 chartjs django html-css-javascript logistic-regression machine-learning natural-language-processing scikit-learn tfidf-vectorizer webscraping
Last synced: 05 Nov 2024
https://github.com/alexliap/sk_serve
Deployment of a Scikit-Learn model and it's column transformations made easy.
machine-learning mlops model-deployment scikit-learn
Last synced: 10 Oct 2024
https://github.com/khanovico/energy-data-analysis
This is the cloud model analyzing real world dataset with BigQuery and other big-data analyzing tools. I implemented docker image for running this app on cross-platform environments.
big-data-processing bigquery docker google-app-engine jupyter-notebook mlflow python scikit-learn seaborn xgboost
Last synced: 10 Oct 2024
https://github.com/kelvinjuliusarmandoh/loan-approval-prediction
Implementing Machine Learning for predicting loan approval
classification loan-default-prediction machine-learning matplotlib-pyplot numpy pandas scikit-learn seaborn
Last synced: 05 Nov 2024
https://github.com/sudarsann27/basic_machine_learning_algorithms
Basic Machine learning algorithms using scikit-learn and other fundamental libraries
data-science data-visualization ensemble-model kaggle numpy pandas scikit-learn supervised-machine-learning
Last synced: 03 Nov 2024
https://github.com/jingjing515/purchase-behavior-analysis
Purchase Behavior Analysis for Targeted Customer Segmentation
clustering-algorithm data-mining machine-learning python scikit-learn
Last synced: 03 Nov 2024
https://github.com/akash-nath29/mnist_test
Handwritten digit recognition API using Scikit-Learn and FastAPI
fastapi machine-learning scikit-learn
Last synced: 10 Oct 2024
https://github.com/archish27/pythontutorial
Python Programming Tutorial for new geeks who want to learn python from scratch to deal with various applications
matplotlib numpy pandas pygame python python-2 python-3 scikit-learn soup
Last synced: 12 Oct 2024
https://github.com/rohitpawar001/machine_learning
This repository contains all the machine learning algorithms and the ml concepts.
classification hyperparameter-tuning linear-regression logistic-regression machine-learning naive-bayes numpy pandas python regression scikit-learn smote svm
Last synced: 10 Oct 2024
https://github.com/gliuck/diabetesprediction
Machine learning exam project, focused on predicting diabetes based on health and demographic data. The project uses models like Logistic Regression, KNN, SVM and NN to analyze and predict the likelihood of diabetes in individuals.
machine-learning machine-learning-models numpy-library pandas-library prediction-model python scikit-learn
Last synced: 03 Nov 2024
https://github.com/george-gca/ai_papers_analysis
Do some analysis based on main AI conferences
conferences data-analysis fasttext fasttext-embeddings fasttext-python python scikit-learn top2vec
Last synced: 11 Oct 2024
https://github.com/iamwatchdogs/cardiovascular-risk-prediction
This mini-project uses machine learning algorithms to predict possible risks of heart disease by analyzing given data.
jupyter-notebook machine-learning-algorithms matplotlib numpy pandas python scikit-learn seaborn
Last synced: 11 Oct 2024
https://github.com/prakharchoudhary/mlchallenge-2
My submission for machine learning challenge #2, organised by hackerEarth.
adaboost gradient-boosting-classifier jupyter-notebook machine-learning python scikit-learn
Last synced: 12 Oct 2024
https://github.com/s-matke/eco-forecast
Machine learning model used for predicting European country with most green surplus energy generated
data-science green-energy machine-learning scikit-learn supervised-learning
Last synced: 21 Oct 2024
https://github.com/justsecret123/nba-players-stats-analysis
A quick interactive Notebook to visualize some NBA players stats (points, assists, steals, blocks...) and totals, rankings and comparisons. Feel free to add any player in the .csv data files. 🏀
csv ipython-notebook ipywidgets jupyter-notebook jupyterlab matplotlib pandas python scikit-learn seaborn
Last synced: 05 Nov 2024
https://github.com/mahdi-meyghani/movie-recommendation-system
A Python-based movie recommendation system utilizing popularity-based, content-based, and collaborative filtering models with data science and machine learning techniques.
data-analysis data-science machine-learning recommendation-system scikit-learn scikitlearn-machine-learning
Last synced: 10 Oct 2024
https://github.com/sudothearkknight/15-machinelearningprojects
A curation of 15 Machine Learning projects in various fields that are helping me gain a better understanding of the different machine learning tools, techniques, algorithms and methodalogies.
classification-algorithm machine-learning machine-learning-algorithms natural-language-processing pycharm-ide python3 regression-models scikit-learn scikitlearn-machine-learning spam-detection
Last synced: 31 Oct 2024
https://github.com/rosieoh/emergency_dataanalysis
오픈데이터분석-응급의료체계 방안 정책 제안 데이터 분석
ipython matplotlib numpy pandas python scikit-learn scipy
Last synced: 12 Oct 2024
https://github.com/mbarbetti/mediastinal-lymphoma-classification
Machine-learning-based classification of bulky mediastinal lymphomas using radiomic features
diagnosis-prediction lymphoma-classification machine-learning personalized-treatment precision-medicine radiomics-analysis scikit-learn texture-analysis
Last synced: 11 Oct 2024
https://github.com/khruthwik/potato-disease-classification
Potato Disease Classification - Training, Rest APIs, and Frontend to test.
convolutional-neural-networks deep-learning docker fastapi flask javascript keras keras-tensorflow python pytorch reactjs scikit-learn tensorflow
Last synced: 01 Nov 2024
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/diegogallegos4/boston_housing
Udacity Machine Learning Nanodegree Project
machine-learning python scikit-learn
Last synced: 05 Nov 2024
https://github.com/nicofilips/cs50ai-harvard
Harvard University Online Course | CS50-AI | Artificial Intelligence with Python | Project Solution
artificial-intelligence harvardcs50 natural-language-processing neuronal-network nltk python scikit-learn tensorflow
Last synced: 14 Oct 2024
https://github.com/vivekky57/car-price-prediction
Now you can get Car Price with this wonderful end-to-end project.
flask machine-learning machine-learning-algorithms python python3 random-forest-classifier scikit-learn
Last synced: 05 Nov 2024
https://github.com/snghrsw/kikagaku-ml-learning
Pythonで単回帰分析と重回帰分析、ディープラーニングで回帰と分類
liner-regestion multiple-regression numpy pandas python scikit-learn
Last synced: 13 Oct 2024
https://github.com/akhil888binoy/intelligent-supplychain-management-system
Blockchain-powered supply chain management system with ML-driven sales prediction. Streamlines supplier-employee transactions and inventory management. Built with MERN stack, Solidity, and Flask.
blockchain decentralized-payments ethereum express flask foundry hackathon-project inventory-management machine-learning mern-stack mongodb nodejs python react sales-prediction scikit-learn smart-contracts solidity supply-chain-management wagmi
Last synced: 10 Oct 2024
https://github.com/alyssonmach/machine-learning-com-python
Aplicações de Machine Learning usando a linguagem de programação Python.
ia keras-tensorflow machine-learning matplotlib numpy pandas programming python scikit-learn scipy
Last synced: 06 Nov 2024
https://github.com/rakibhhridoy/differentprojects
Some of my learning projects that I practice to launch in data science. Not all, but some of few that was stored in my local repository. It can be useful for beginner data science enthusiast. Explore and learn!
data-science deep-learning machine-learning mathematics matplotlib numpy pandas python scikit-learn seaborn statistics
Last synced: 06 Nov 2024
https://github.com/nandahkrishna/flightdelay
Flight Delay Prediction using ML
classification flight-delay-prediction jupyter-notebook machine-learning python regression scikit-learn two-stage
Last synced: 15 Oct 2024
https://github.com/kengz/feature_transform
Build ColumnTransformers (Scikit or DaskML) for feature transformation by specifying configs.
column-transformer dask-ml dataset feature-engineering feature-transformation machine-learning scikit-learn
Last synced: 11 Oct 2024
https://github.com/mohammad95labbaf/churn-prediction
This project aims to predict customer churn using machine learning algorithms. The project includes data preprocessing, feature engineering, and model evaluation.
adaboost bagging churn churn-analysis churn-prediction decisiontree ensemble-learning knn randomforest scikit-learn sklearn svm voting
Last synced: 10 Oct 2024
https://github.com/stewartpark/sklearn2gem
⚡ sklearn2gem ports your scikit-learn model into a fast ruby C binding!
ruby rubygem scikit-learn sklearn
Last synced: 11 Oct 2024
https://github.com/wanyingng/machine-learning-zoomcamp-2024
Machine Learning Zoomcamp 2024
crisp-dm exploratory-data-analysis linear-algebra linear-regression log-transformation logistic-regression machine-learning markdown-latex mutual-information numpy one-hot-encoding pandas pearson-correlation-coefficient python3 ridge-regression risk-ratio root-mean-squared-error scikit-learn seaborn train-validation-test
Last synced: 18 Oct 2024
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/kheriberto/knn_project
This is a simple project that uses dummie data to practice and demonstrate my knowledge of the KNN algorithm.
data-analysis knn-classifier numpy python scikit-learn seaborn
Last synced: 18 Oct 2024
https://github.com/enyaude/california_house_price_prediction
Developed a California house price prediction model utilizing linear regression and Random Forest, and applied machine learning techniques such as Ridge, and Lasso for optimization in Python.
jupyter-notebook linear-regression python random-forest scikit-learn streamlit
Last synced: 31 Oct 2024
https://github.com/ramarav/scikitlearn_practice
Scikit Learn Practice
python3 scikit-learn scikitlearn-machine-learning sklearn
Last synced: 06 Nov 2024
https://github.com/pierluigi-failla/pipesnake
a pandas sklearn-inspired pipeline data processor
feature-engineering feature-extraction pandas pipeline pipeline-data-processor python scikit-learn
Last synced: 11 Oct 2024
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: 13 Oct 2024
https://github.com/florianwoelki/stock_price_prediction
This is a simple jupyter notebook for stock price prediction. As a model I've used the linear, ridge and lasso model.
lasso-regression linear-regression python ridge-regression scikit-learn stock-price-prediction
Last synced: 14 Oct 2024
https://github.com/roboneet/enron_analysis
udacity project (to be complete)
Last synced: 15 Oct 2024
https://github.com/chengetanaim/beatrecommendersystembackend
A system for music producers and rappers/singers. I was trying to implement the product recommendation feature for music uploaded by producers. I used the collaborative filtering algorithm to be able to recommend songs to users.
fastapi scikit-learn sqlalchemy unsupervised-learning
Last synced: 10 Oct 2024
https://github.com/pavi2410/trafficsignrecognition
ML classification model using SVM (90% accuracy)
ai artificial-intelligence classification jupyter-notebook machine-learning ml pandas python scikit-learn support-vector-machines svm
Last synced: 14 Oct 2024
https://github.com/s0fft/airline-passenger-satisfaction
Airline-Customer-Model — Machine Learning Project on: Scikit-learn / Pandas / Matplotlib / Seaborn
jupyter-notebook mashine-learning matplotlib pandas python3 scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/nits2612/data-science-projects
Portfolio of data science projects completed by me during PGP AI/ML, self learning, and hobby purposes.
data data-science dataanalysis deep deep-learning keras machine-learning matplotlib numpy opencv pandas python scikit-learn seaborn surprise-python tensorflow transfer-learning
Last synced: 31 Oct 2024
https://github.com/djdhairya/rooftop-solar-detection
data-processing data-science deep-learning eda machine-learning pandas scikit-learn tif
Last synced: 10 Oct 2024
https://github.com/akhileshthite/india-population
ML (simple linear regression) model for predicting India's population.
machine-learning numpy pandas python scikit-learn
Last synced: 12 Oct 2024