An open API service providing repository metadata for many open source software ecosystems.

Topic: "sklearn-library"

bansalkanav/Ultimate-Data-Science-Toolkit---From-Python-Basics-to-GenerativeAI

Language: Jupyter Notebook - Size: 564 MB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 918 - Forks: 298

transitive-bullshit/scikit-learn-ts

Powerful machine learning library for Node.js – uses Python's scikit-learn under the hood.

Language: TypeScript - Size: 10.1 MB - Last synced at: 14 days ago - Pushed at: 7 months ago - Stars: 195 - Forks: 5

heidelbergcement/hcrystalball

A library that unifies the API for most commonly used libraries and modeling techniques for time-series forecasting in the Python ecosystem.

Language: Python - Size: 10.9 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 150 - Forks: 20

dadaloop82/MyHomeSmart-HASS-AppDeamon

I have a dream: to give HomeAssistant the ability to reason and perform actions logically and comprehensively, using AppDaemon, Sklearn, and Decision Tree.

Language: Python - Size: 1.36 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 58 - Forks: 3

wmichalska/EEG-emotions

Application prepares data to learning process. Including preprocessing, cleaning, reformating, feature extraction using PyEEG library and learning using Sklearn tool.

Language: Python - Size: 205 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 7

ksachdeva/scikit-nni

AutoML - Hyper parameters search for scikit-learn pipelines using Microsoft NNI

Language: Python - Size: 11.7 MB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 3

azaz9026/Medicine-Recommendation-System

A Medicine Recommendation System in machine learning (ML) is a software application designed to assist healthcare professionals and patients in selecting the most appropriate medication based on various factors such as medical history, symptoms, demographics, and drug interactions

Language: Jupyter Notebook - Size: 405 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 22 - Forks: 5

lihanghang/Enterprise_Credit_Analysis

企业信用分析平台(EEAP)

Language: Java - Size: 361 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 17 - Forks: 9

GonieAhn/Data-Science-online-course-from-gonie

Data Science - low level to high level

Language: Jupyter Notebook - Size: 35.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 5

sid321axn/Detection_of_Malicious_URLs

In this project, we have detected the malicious URLs using lexical features and boosted machine learning algorithms

Language: Jupyter Notebook - Size: 86.9 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 13 - Forks: 6

maneprajakta/EXPLORING_SKLEARN

Exploring sklearn 🌟

Language: Jupyter Notebook - Size: 207 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 0

syamkakarla98/Linear-Regression

Implementation of Linear regression on Boston House Pricing and Diabetes data sets using python.

Language: Python - Size: 169 KB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 5

aryanraj2713/Gender-classification

Gender Classification Machine Learning Model using Sk-learn in Python with 97%+ accuracy and deployment

Language: Jupyter Notebook - Size: 514 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 3

nwtgck/multi-svr-python

SVR for multidimensional labels

Language: Python - Size: 43 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 1

CG1507/quickcnn

QuickCNN is high-level library written in Python, and backed by the Keras, TensorFlow, and Scikit-learn libraries. It was developed to exercise faster experimentation with Convolutional Neural Networks(CNN). Majorly, it is intended to use the Google-Colaboratory to quickly play with the ConvNet architectures. It also allow to train on your local system.

Language: Python - Size: 287 KB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 4

rudrajikadra/Spam-Classifier-iOS-Application-CoreML-Linear-SVC

Building a iOS Application using Apple's Core ML Framework, we will builed a Linear SVC model using sklearn library on the SMS Data, users will type a message on their iPhone and our model will then identify whether the message is a Spam or a Ham (Not spam).

Language: Swift - Size: 474 KB - Last synced at: 7 days ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 3

shridhar1504/Sales-Forecasting-Datascience-Project

Develop a data science project using historical sales data to build a regression model that accurately predicts future sales. Preprocess the dataset, conduct exploratory analysis, select relevant features, and employ regression algorithms for model development. Evaluate model performance, optimize hyperparameters, and provide actionable insights.

Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 8 - Forks: 5

Ewenwan/Kaggle

kaggle 比赛 使用sklearn进行kaggle数据竞赛基础及实践

Language: Python - Size: 38.4 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 9

Areesha-Tahir/Fake-News-Detection-Using-Naive-Bayes

Fake news detection using Naïve Bayes in Python along with confusion matrix calculated using sklearn.

Language: Jupyter Notebook - Size: 990 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 1

Abhishekmamidi123/Predict-the-damage-to-a-building-ML-Challenge

A Machine Learning challenge #6 - "Predict the damage to a building", organised by Hacker earth. Rank: 242 out of 7540 participants.

Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 7 - Forks: 1

mahesh147/Decision-Tree-Classifier

Decision Tree Classifier model implemented in a python program.

Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 16

rojaAchary/Data_Preprocessing_Techniques

⚒️ Data preprocessing is the process of transforming raw data into an understandable format. It is also an important step in data mining as we cannot work with raw data. The quality of the data should be checked before applying machine learning or data mining algorithms

Language: Jupyter Notebook - Size: 88.9 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 2

martandsingh/dataanalytics

Python Data Analytics, Machine Learning & Natural Language Processing

Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 5

Ranjan2104/Uber-Rides_Prediction-by-using-ML---Flask

Uber Technologies, Inc., commonly known as Uber, is an American technology company. Its services include ride-hailing, food delivery (Uber Eats), package delivery, couriers, freight transportation, and, through a partnership with Lime, electric bicycle and motorized scooter rental. The company is based in San Francisco and has operations in over 900 metropolitan areas worldwide. It is one of the largest firms in the gig economy. so that i Make this Project so company can pred there weekly as well as monthly rides pred that can company help to mange there rides info correctly

Language: CSS - Size: 4.88 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

srilakshmi-thota/IRIS-DATASET-ANALYSIS-USING-NEURAL-NETWORK

Neural Network with functions for forward propagation, error calculation and back propagation is built from scratch and is used to analyse the IRIS dataset.

Language: Python - Size: 6.84 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

jamesgeorge007/Gender-Classifier

A machine learning model which predicts the gender based on the data with which it is trained.

Language: Python - Size: 10.7 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 3

pavankalyan1997/Machine-Learning-Using-Scikit-learn-and-other-libraries

Machine Learning algorithms implementation using Python

Language: Jupyter Notebook - Size: 2.49 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 6

Jimmymugendi/Email-sms-Spam_Classifier

Email SMS Spam Classifier is a cutting-edge machine learning solution designed to combat spam messages in email and SMS communications. Leveraging advanced Natural Language Processing (NLP) techniques, the system preprocesses text data by tokenizing, removing stopwords, and stemming, ensuring the most accurate classification results.

Language: Jupyter Notebook - Size: 379 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

marcosalvalaggio/edamame

Exploratory data analysis tools

Language: Python - Size: 6.35 MB - Last synced at: 10 days ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

msadeqsirjani/eeg-based-epilepsy-detection

Examining EEG brain signals of people with epilepsy

Language: Jupyter Notebook - Size: 21.5 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

TanerArslan/Benchmarking_Classifiers_after_SVM-RFE

Evaluating multiple classifiers after SVM-RFE (Support Vector Machine-Recursive Feature Elimination)

Language: Python - Size: 22.5 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

LaurentVeyssier/Model-to-predict-Energy-consumption-City-of-Seattle

Use Seattle's public energy data and build a model predicting energy consumption

Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

UtsavMurarka/MXene-machine-learning

Classification of MXenes into metals and non-metals based on physical properties

Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

manasgandhi99/Guess-the-Dish

A hackathon challenge solved using NLP where we actually try to predict the correct name of the recipe!

Language: Jupyter Notebook - Size: 200 KB - Last synced at: 15 days ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 1

nitesh009/100-Days-Of-ML-Code

Machine Learning 100 Days Challenge

Language: Python - Size: 128 KB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 2

aditya11ad/ML-course

Best for beginners | Well explained ML algorithms | organized Notebooks | Case Studies

Language: Jupyter Notebook - Size: 7.06 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

Juwono136/predictive-analytics-machine-learning-model

Predictive Analysis using a Comparison of Three Machine Learning Algorithms (KNN, Random Forest, and Boosting Algorithm) to Predict Home Selling Prices.

Language: Jupyter Notebook - Size: 4.63 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

Shaik-Sohail-72/Iris-Flower-Type-Prediction-and-Classification-with-ML-and-MERN

Iris flower type prediction and classification with machine learning and MERN web I/O system. This project predict the type of iris flower by using machine learning . K-NN algorithm is used for multiclass classification.

Language: EJS - Size: 283 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

akhilsharmaa/Bangalore_House_Prediction_Model 📦

Simple Linear regression is used to predict the price of the house.

Language: Jupyter Notebook - Size: 128 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

puchee99/ML

ML using scikit-learn

Language: Jupyter Notebook - Size: 5.12 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 1

rochitasundar/Stock-clustering-using-ML

The project involves performing clustering analysis (K-Means, Hierarchical clustering, visualization post PCA) to segregate stocks based on similar characteristics or with minimum correlation. Having a diversified portfolio tends to yield higher returns and face lower risk by tempering potential losses when the market is down.

Language: Jupyter Notebook - Size: 9.16 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 3

undiscovered-genius/Heart-Disease-Prediction-App

❤️ Cardio Guide is an application which uses Machine Learning Model to predict the chances of Heart Disease with an accuracy of 81.967%. With this it also provide you with tips to improve your health status which directly benefits your heart.

Language: Java - Size: 1.06 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

deethereal/MTC.Teta_2PiK_Bank_Personal_Loan Fork of PolukarovIvan/MTC.Teta_2PiK

Bank Personal Loan modelling by 2πk for MTC.Teta summer course ML track.

Language: Jupyter Notebook - Size: 7.48 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

Sarthak-1408/Water-Potability

In this repo, I am doing data analysis in water potability and check each and every classification model's accuracy.

Language: Jupyter Notebook - Size: 530 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

Ranjan2104/Data-Science-and-Machine-Learning-Series

This is what is called by the much talked about term, Big Data. The basis to any attempt to answer the question of which to learn first between Data Science or Machine Learning should be Big Data. Why this is so is very simple. It is on Big Data that both Data Science and Machine Learning are built.

Language: Jupyter Notebook - Size: 2.35 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

Rushabh75/Car-price-prediction-model

It is a python machine learning model that predicts the price of a second hand car using different models like linear regression, random forest, gradient boosting, SVM It also uses libraries like pandas, numpy, matplotlib, seaborn to import datasets, plot graphs, remove outliers and clean the dataset for training and testing the model for better accuracy

Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

kritikaparmar-programmer/SKlearn-IRISDataset

This repo contains EDA on famous IRIS dataset. Also I've compared various Models like Naive bayes, SVM, Logistic Regression.

Language: Jupyter Notebook - Size: 160 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

Robots-Vision/knn-examples

Repository containing examples of KNN Algorithm

Language: Jupyter Notebook - Size: 351 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 3

devdatta95/XYZ-Corporation-Lending-Data-Project

People often save their money in the banks which offer security but with lower interest rates. Lending Club operates an online lending platform that enables borrowers to obtain a loan, and investors to purchase notes backed by payments made on loans. It is transforming the banking system to make credit more affordable and investing more rewarding. But this comes with a high risk of borrowers defaulting the loans. Hence there is a need to classify each borrower as defaulter or not using the data collected when the loan has been given.

Language: Jupyter Notebook - Size: 6.27 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0

fayzi-dev/machin_learning

Machin Learning Full Algorithm (Linear Regression, Decision tree, Random forest, Neural network ,Logistic regression ,Support vector machine ,Naive Bayes ,Clustering, XGBoost,DBscan,KMeans)

Language: Jupyter Notebook - Size: 9.5 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 2 - Forks: 0

vvaldesc/TFC_api_stats

Advanced Statistics and Predictions API for My Final Project

Language: Python - Size: 4.46 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

HalilDeniz/data-transmission-and-machine-learning

Data Transmission and Machine Learning with Client-Server Model

Language: Python - Size: 676 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

CamilaJaviera91/bagging-with-kaggle

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).

Language: Python - Size: 523 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

abeed04/Hotel-bookings-prediction-using-Machine-Learning

Random forest algorithm can be used to analyze hotel booking data and predict booking behavior. This allows hotels to optimize pricing strategies, staffing, and identify potential cancellations for proactive guest communication.

Language: HTML - Size: 1.35 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

MohammadMoataz2/Analysis-And-ML-Projects-Using-Python

This repository contains a collection of analysis and machine learning projects implemented in Python. The projects cover various domains and utilize different techniques to gain insights from data and build predictive models.

Language: Jupyter Notebook - Size: 38.3 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

praju-1/Machine_Learning

Exploring Machine learning with its supervised and unsupervised algorithm and subtypes also.. All algorithm implemented in python With proper description of each Dataset used.

Language: Jupyter Notebook - Size: 9.07 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Ahmed-AI-01/NLP

this repo will include all my work regarding NLP

Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

rvigneshwaran/sklearn-implementations

This repository contains the implementation of various algorithms in Machine learning using sklearn library

Language: Jupyter Notebook - Size: 843 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Sanskrutee-Dudhe/House_price_prediction.github.io

The "House Price Prediction" project offers accurate property price estimates through a user-friendly web application. It aims to empower users in real estate decisions, utilizing machine learning and data analysis. Anticipated outcomes include market insights and transparency, with potential future expansions.

Language: Jupyter Notebook - Size: 538 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Mathurshab2210/Ml_with_Mathur

Here are some fun projects to learn ML using Handson approach

Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

samalyarov/telegram_monitor

A telegram channel parser + binary text classifier utilizing a simple logistic regression model

Language: Jupyter Notebook - Size: 135 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Siddhipatade/Irish-Flower

Irish Flower-classification

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

DimaGutierrez/DataScience

Python Scripts

Language: Python - Size: 352 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

alex-waiganjo/Lux-Tech-Academy-Data-Careers-Bootcamp

Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

VineetDabholkar2002/Customer-Churn-Predictor

A end to end project with with EDA done on PowerBI deployed on Heroku which predicts if the Customer would Churn or not by using Random Forests Classifier as its model

Language: Jupyter Notebook - Size: 9.43 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

mychele-larson/Supervised_Machine_Learning

Supervised Machine Learning

Language: Jupyter Notebook - Size: 530 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

aouees/data-minning-homework

data mining homeworks

Language: Jupyter Notebook - Size: 576 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Gerrg/sklearn-exploration

It consists of the steps followed in a data science project

Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

ShrishailSGajbhar/PGPML-Projects

Machine learning projects done as part of an online PGPML course offered by Great Learning, an ed-tech company.

Language: Jupyter Notebook - Size: 16.9 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 3

rochitasundar/Regression-dynamic-price-prediction-ReCell

The objective is to build a ML-based solution (linear regression model) to develop a dynamic pricing strategy for used and refurbished smartphones, identifying factors that significantly influence it.

Language: Jupyter Notebook - Size: 2.45 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

kelhoussaini/Home-Credit-Prediction

Can we predict how capable each applicant is of repaying a loan?

Language: Jupyter Notebook - Size: 9.41 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Ari-S-123/DS-3000-Final-Project

Predicts consumer behavior in online commerce using Machine Learning Algorithms.

Language: Jupyter Notebook - Size: 44.1 MB - Last synced at: 7 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

albertovpd/automated_ML_regression

ML regression within a Cloud Function to infer unemployment searches on Google, in Spain, 4 weeks in advance => https://datastudio.google.com/s/jwIr1Weh7Zc

Language: Python - Size: 25.6 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

esvs2202/Car-Price-prediction_-hackathon-

Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

rishawsingh/Directing_Customers_To_Subscription

Machine Learning model to Direct Customers to Subscription.

Language: Jupyter Notebook - Size: 4.06 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Harisonm/Ika

Ika is an application to make classification of mail thank to labels built by a clustering model of machine learning.

Language: CSS - Size: 25.6 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

j0fiN/Iris-Says

A minimalist platform for learning, understanding and realising Iris Flower Classification.:cherry_blossom:

Language: HTML - Size: 7.95 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

tkmanabat/hoax-radar

A web application used to determine fake news articles utilizing Machine Learning and Natural Language Processing.

Language: HTML - Size: 35.4 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

sakshigupta08/Fake-News-Detection-using-PAC

This Python project detect fake and real news using PassiveAggressiveClassifier.

Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

krishnakaushik25/handwritten_digit_recognizer-DL

Handwritten digit classification onMNIST dataset

Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

rjnp2/loan_prediction

Language: Jupyter Notebook - Size: 344 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

ShubhangiDabral13/NLP-through-NLTK

Graphing Live Twitter Sentiment Analysis with NLTK.

Language: Python - Size: 2.9 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 3

ellynnhitran/Breast-Cancer-Classification

#Machine Learning, Classification, Kaggle.

Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

mbalatsko/mlmr

This library will help you easily parallelize your python code for all kind of data transformations in MapReduce fashion.

Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

AsajuHuishi/examples_sklearn.learning_curve

Some applications on functions of sklearn.learning_curve

Language: Python - Size: 80.1 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

sharmatanesh/Handwritten-Digit-Recognizer

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

OverFlowData/PersianTextSimilarity

OneHotVector and K means

Language: Python - Size: 15.6 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

boosuro/text_classification_using_naive_bayes_algorithm

Text classification using Naive Bayes Algorithm¶

Language: Jupyter Notebook - Size: 106 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

boosuro/predicting_numbers_in_image_with_logistic_regression

predicting numbers in image with logistic regression

Language: Jupyter Notebook - Size: 93.8 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

DeepRoboticsResearch/AutoDL

A Deep Learning Automation Framework Library based on keras, sklearn for the automation of the machine learning and deeplearning algorithms training.testing,metrics,comparative analysis and visualisations

Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

Mayurgupta3/Using-Project-Jupyter-and-Machine-learning-to-optimize-the-Prediction-of-Diabetes

The Project uses Pima Indians diabetes data set to predict whether a patient will have diabetes or not based upon patient’s lab test result variables like Glucose, Blood Pressure, etc. using CART decision tree algorithm and K-Nearest Model achieving 75% accuracy. The project involved the use of Python-Scikit Learn, SciPy, Pandas, MatPlotLib and the Jupyter Environment.

Language: Jupyter Notebook - Size: 241 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

verghesetejas/KAC_Predictor

"Key-Agricultural Commodities Daily Market Price Predictor" is a Deep Neural Networks Project that predicts minimum, maximum and modal prices of 12 agricultural commodities that are grown in India.

Language: Python - Size: 199 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 0

dae9999nam/COMP3314

This repository is to study Machine Learning using Python and Pythons libraries (e.g. scikit-learn, numpy, pandas, matplotlibs)and contains course materials as well. All the rough works will be included in the repository.

Language: Jupyter Notebook - Size: 48.7 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 1 - Forks: 0

shubh637/Coronavirus-Outbreak-Prediction-using-ML

This project focuses on predicting coronavirus outbreaks using machine learning techniques, specifically Support Vector Machines (SVM). The model analyzes various features related to COVID-19 cases to predict the likelihood of an outbreak in different regions.

Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 1 - Forks: 0

paulo-santos-ds/churn

Este projeto tem como objetivo desenvolver um modelo capaz de prever se um cliente está prestes a deixar um banco fictício. Para isso, são analisados dados sobre o comportamento passado dos clientes e rescisões de contratos com o banco

Language: Jupyter Notebook - Size: 429 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

vineet416/Chronic-Kidney-Disease-Prediction

This repository contain code of Chronic Kidney Disease Detection Prediction Project. The goal of this project is predict the chronic kidney disease using parameters like Diabetes Mellitus, Blood Urea, Sugar, Hypertension etc.. I used multiple machine learning algorithms with hyperparameter tuning which is having highest accuracy score of 97.5

Language: Jupyter Notebook - Size: 3.15 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

golh30/seat-availability-predictor

Real-time tracking and predictive analytics for bus seat availability using Streamlit and PostgreSQL.

Language: Python - Size: 948 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

cerentkn04/python-math

practice for python libraries

Language: Python - Size: 1.96 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

shashi-0504/Movie-Recommendation-System

A Movie Recommendation System in Machine Learning suggests movies based on user preferences including content based as well as collaborative filtering.

Language: Jupyter Notebook - Size: 3.89 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

ArtZaragozaGitHub/NLP--P6_Sentiment_Analysis_and_Summarization_of_Stock_News

Natural Language Processing AI-model driven sentiment analysis system that will automatically process and analyze news articles to gauge market sentiment, and summarizing the news at a weekly level to enhance the accuracy of their stock price predictions and optimize investment strategies.

Language: Jupyter Notebook - Size: 5.27 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Related Topics
python 264 machine-learning 254 pandas 215 numpy 183 python3 132 matplotlib 103 sklearn 88 seaborn 85 machine-learning-algorithms 79 data-science 79 logistic-regression 75 jupyter-notebook 73 matplotlib-pyplot 64 linear-regression 58 random-forest 42 pandas-dataframe 40 data-visualization 37 pandas-library 37 classification 36 tensorflow 29 pandas-python 29 deep-learning 28 decision-tree-classifier 28 numpy-library 26 neural-network 26 data-analysis 26 random-forest-classifier 24 eda 24 confusion-matrix 23 regression 22 decision-trees 22 flask 22 scikit-learn 22 exploratory-data-analysis 21 sklearn-metrics 21 classification-algorithm 21 naive-bayes-classifier 20 regression-models 19 streamlit 19 kmeans-clustering 18 ml 18 nlp 18 nlp-machine-learning 17 seaborn-plots 16 supervised-learning 16 machinelearning 16 artificial-intelligence 15 natural-language-processing 15 nltk-library 15 gridsearchcv 15 xgboost 14 svm-classifier 14 knn-classification 14 visualization 14 plotly 14 data 14 pca 13 prediction 13 statsmodels 13 keras-tensorflow 13 sentiment-analysis 12 feature-engineering 12 nltk-python 11 joblib 11 iris-dataset 11 xgboost-algorithm 11 standardscaler 10 ai 10 nltk 10 tensorflow2 10 hyperparameter-tuning 10 streamlit-webapp 10 svm 10 kaggle 10 unsupervised-machine-learning 9 supervised-machine-learning 9 clustering 9 scipy 9 knn-classifier 9 accuracy-score 9 machinelearning-python 9 lasso-regression 9 sklearn-classify 9 dataset 9 train-test-split 9 preprocessing 9 decision-tree 9 keras 9 pickle 9 data-analytics 8 k-means-clustering 8 kaggle-competition 8 feature-selection 8 support-vector-machines 8 knn 8 statistics 8 random-forest-regression 8 predictive-modeling 8 neural-networks 8 python-3 8