Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

NumPy

NumPy is an open source library for the Python programming language, adding support for large, multidimensional arrays, and matrices, along with a large collection of high-level mathematical functions to operate on these arrays.

https://github.com/eiichiroito/numpharo

NumPy like tools for Pharo Smalltalk

matplotlib-pyplot numpy pharo pharo-smalltalk smalltalk

Last synced: 31 Oct 2024

https://github.com/fatimaafzaal/car_price_prediction

Trains Random Forest and Gradient Boosting models to predict car prices based on user inputs for various car attributes, evaluating models and making predictions using the best-performing model.

car-price-prediction ensemble-learning gradient-boosting matplotlib numpy pandas random-forest regression regression-models scikit-learn seaborn

Last synced: 15 Nov 2024

https://github.com/bharath-tars/deeptumor2.0

DeepTumor2.0 is a project aimed at developing a flask webapp with robust front end and highly trained model using tensorflow in the backend with several features like with automatic html template reporting

css datetime docs flask github html javascript keras numpy onrender os pandas python sheety smtp tensorflow

Last synced: 03 Nov 2024

https://github.com/shwetapardhi/assignment-04-simple-linear-regression-1

Q1) Delivery_time -> Predict delivery time using sorting time. Build a simple linear regression model by performing EDA and do necessary transformations and select the best model using R or Python. EDA and Data Visualization, Feature Engineering, Correlation Analysis, Model Building, Model Testing and Model Predictions using simple linear regressi

correlation-analysis data-visualization distplot eda feature-engineering model-building model-prediction model-testing numpy ols-regression p-value pandas python regression-plot rsquare-values seaborn simple-linear-regression smf statsmodel t-score

Last synced: 11 Nov 2024

https://github.com/shwetapardhi/assignment-05-multiple-linear-regression-2

Prepare a prediction model for profit of 50_startups data. Do transformations for getting better predictions of profit and make a table containing R^2 value for each prepared model. R&D Spend -- Research and devolop spend in the past few years Administration -- spend on administration in the past few years Marketing Spend -- spend on Marketing in t

collinearity-diagnostics cooks-distance correlation-analysis eda heteroscedasticity homoscedasticity leverage-score multi-linear-regression numpy ols-regression p-value pair-plot python r-square-values regress-exog residual-analysis smf statsmodels vif

Last synced: 11 Nov 2024

https://github.com/atul-maurya-30/galaxy

Galaxy Classification is a machine learning project focused on classifying galaxies into two subclasses: 'STARFORMING' and 'STARBURST'. This project demonstrates data preprocessing, model training, and evaluation using advanced machine learning techniques and Python libraries.

flask machine-learning matplotlib numpy pandas python regression-classification seaborn sklearn

Last synced: 10 Oct 2024

https://github.com/shwetapardhi/assignment-03-q1--hypothesis-testing

Q1.A F&B manager wants to determine whether there is any significant difference in the diameter of the cutlet between two units. A randomly selected sample of cutlets was collected from both units and measured? Analyze the data and draw inferences at 5% significance level. Please state the assumptions and tests that you carried out to check validit

hypothesis-testing numpy p-value pandas python scipy significance-testing stats t-test

Last synced: 11 Nov 2024

https://github.com/mustafaozvardar/image-classification-webapp

This project features an AI model for diagnosing pneumonia from chest X-ray images. Users can upload a chest X-ray image through the app, and the model will classify it.

artificial-intelligence computer-vision keras numpy python streamlit streamlit-webapp tensorflow

Last synced: 10 Oct 2024

https://github.com/jsd115/tensorflow_bankfrauddetection

This repository aims to provide examples of my ability to produce ML models using tensorflow and sklearn

numpy pandas sklearn tensorflow

Last synced: 03 Nov 2024

https://github.com/adriantomin/heart-disease-prediction

Predicting Heart Disease with ML 🏥🤖 Machine learning model to predict heart disease using clinical data. Includes data analysis, feature engineering, and model training.

machine-learning matplotlib numpy pandas python sklearn

Last synced: 10 Oct 2024

https://github.com/shwetapardhi/assignment-04-simple-linear-regression-2

Q2) Salary_hike -> Build a prediction model for Salary_hike Build a simple linear regression model by performing EDA and do necessary transformations and select the best model using R or Python. EDA and Data Visualization. Correlation Analysis. Model Building. Model Testing. Model Predictions.

correlation-analysis data-visualization distplot eda feature-engineering model-building model-predictions model-template numpy ols-regression p-value pandas python r-square-values regression-plot seaborn simple-linear-regression smf statsmodels t-score

Last synced: 11 Nov 2024

https://github.com/mchenryspagg/wrangle-and-analyze-data

This project which is known as 'wrangle and analyze data' involves the wrangling of WeRateDogs twitter archive data from the period of 2015 to 2017

api data dataanalysis datacollection datawrangling datetime json numpy os pandas pil python requests tweepy-api visualization

Last synced: 08 Nov 2024

https://github.com/chandkund/sentiment-analysis-on-movie-reviews

Project on Sentiment Analysis of Movie Reviews using K-means clustering. This project clusters movie reviews based on their sentiment scores to understand audience reactions. Includes data preprocessing, feature selection, model development, and visualization.

data-science eda jupyter-notebook machine-learning matplotlib numpy pandas preprocessing python sklearn

Last synced: 03 Nov 2024

https://github.com/adriantomin/bulldozer-price-prediction

Predicting the Sale Price of Bulldozers Using Machine Learning 🚜💰 This project uses machine learning to predict bulldozer sale prices based on historical data from the Kaggle Bluebook for Bulldozers competition. The goal is to minimize the RMSLE between actual and predicted prices.

data-science jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/davgiles/ut-austin-data-science-program

This repository contains my projects from the Data Science & Business Analytics Post-Graduate Program through UT Austin.

eda matplotlib numpy pandas python scikit-learn scipy seaborn visualization xgboost

Last synced: 03 Nov 2024

https://github.com/szymon-budziak/real_estate_house_prices_prediction

Predicting real estate house prices using various machine learning algorithms, including data exploration, preprocessing, model training, and evaluation.

data-analysis data-preprocessing data-science eda jupyter-notebook machine-learning matplotlib numpy optuna pandas predictive-modeling price-prediction python random-forest regression scikit-learn seaborn

Last synced: 10 Oct 2024

https://gitlab.com/Makman2/scipy-steadystate

SciPy extension modules for general purpose steady-state solvers and optimizations for differential state-equations!

numpy optimization scipy steady-state

Last synced: 30 Sep 2024

https://github.com/alejoduarte23/si_bayesianmixturemodel

Implementation of a two-stage fast Bayesian system identification for separated Modes. This repository expands the usage of this technique by adding a mixture model fit to obtain modal parameters from the posterior distribution.

matplotlib numpy scikit-learn scipy

Last synced: 10 Oct 2024

https://github.com/anumit-web/python-for-data-science-for-dummies-3rd-edition

Python® for Data Science For Dummies®, 3rd Edition John Paul Mueller

numpy pandas pandas-dataframe python

Last synced: 10 Nov 2024

https://github.com/sondosaabed/introduction-to-python-programming

Course with Udacity. Python programming fundamentals such as data structures, variables, loops, and functions. Learn to work with data using libraries like NumPy and Pandas.

numpy pandas python python-data-science python-data-structures

Last synced: 06 Nov 2024

https://github.com/mkdirer/depression-data-analysis

This project analyzes a Kaggle depression dataset using data preprocessing, clustering, classification, and outlier detection techniques. Python libraries like pandas, numpy, matplotlib, seaborn, and scikit-learn are used to extract insights.

classification clustering matplotlib numpy pandas scikit-learn seaborn vizualization

Last synced: 10 Oct 2024

https://github.com/bilgenurbekar/turkishcyberbullying

Contains fine-tuned BERT models and results in the text classification category using Turkish social media data

bert-fine-tuning huggingface-transformers matplotlib numpy pandas python pytorch scikit-learn transformers

Last synced: 10 Oct 2024

https://github.com/rakibhhridoy/covid19analysisindashboard-tableau

Covid19 dashboard analysis of world,north america,south east Asia and their characteristics upon pandemic. Some interesting statistics is shown by the data. The increase rate make effect on death and recover rate quite periodic. Simulating those changes make more interactive.

covid-19 dashboard data-processing dataviz numpy pandas python statistics tableau tableau-dashboards

Last synced: 06 Nov 2024

https://github.com/chaitanya1436/student_performance_analysis

A project focused on analyzing college student performance using data on department, assessment scores, and performance labels. Implemented in Google Colab, the analysis includes data preprocessing, feature scaling, and exploratory data analysis to uncover insights and prepare the data for further analysis or modeling.

ata-preprocessing data-preparation exploratory-data-analysis feature-scaling google-colab numpy pandas scikit-learn

Last synced: 03 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/rakibhhridoy/exploratorydataanalysis-python

Exploratory data analysis is an approach to analyzing data sets to summarize their main characteristics, often with visual methods. A statistical model can be used or not, but primarily EDA is for seeing what the data can tell us beyond the formal modeling or hypothesis testing task.

ab-testing chitest data-science eda exploratory-data-analysis ftest hypotheses hypothesis-testing inferential-statistics numpy pandas python statistical-analysis statistics statsmodels ttest

Last synced: 06 Nov 2024

https://github.com/stella4444/linear-regression

learning about linear regression (currently a work in progress) ~ working with data

linear-regression machine-learning numpy scikit-learn

Last synced: 03 Nov 2024

https://github.com/alaazameldev/text-based-search-engine

Implementation of a search engine using TF-IDF and Word Embedding-based vectorization techniques for efficient document retrieval

chromadb fastapi gensim-word2vec nltk numpy precision-recall python scikit-learn tf-idf-vectorizer

Last synced: 10 Oct 2024

https://github.com/ibrahimhabibeg/multimedia-project

Turn images monochrome and create transition between two images

canvas image-processing multimedia numpy pillow python react typescript vite

Last synced: 05 Nov 2024

https://github.com/rakibhhridoy/predictingsequence-timeseriesanalysis

Time series data easy handling purposes in TensorFlow and python functional programming. Time Series data is handled and pre-processed by different steps,like making window of the data,splitting data for model purpose is also different than other processing methods. All has combined for easy access.

forecasting functional-programming keras lstm lstm-neural-networks moving-average numpy python tensorflow time-series windowed

Last synced: 06 Nov 2024

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

A machine learning project that classifies emails as spam or not spam using Logistic Regression, with a deployable Flask API for real-time classification.

api flask jupyter-notebook machine-learning matplotlib nlp numpy pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/k-ilyas/ai-projects-handwritten-digit-recognition-titanic-survivor-analysis

AI Projects: Handwritten Digit Recognition & Titanic Survivor Analysis using scikit-learn

machine-learning numpy pandas sickit-learn

Last synced: 12 Nov 2024

https://github.com/sarowarahmed/predicting-kolkata-house-price

🏠 Predicting Kolkata House Price: A web app powered by a Machine Learning model, built with Numpy, Pandas, Scikit-learn, and Streamlit, to predict house prices in Kolkata. Deployed on Streamlit Cloud for easy access and real-time predictions.

app kolkata linear-regression machine-learning numpy pandas scikit-learn streamlit

Last synced: 03 Nov 2024

https://github.com/darkdk123/handwashing-discovery-analysis

A Guided Project in a Boot camp to Analyse the Original Data used in the Discovery of Viruses & Hand Washing By Dr. Ignaz Semmelweis in Vienna General Hospital in the 1840s.

data-analysis data-science data-visualization matplotlib-pyplot numpy pandas plotly-python python seaborn-plots

Last synced: 07 Nov 2024

https://github.com/rohra-mehak/sciencesync

System for Personalized Google Scholar Alerts Processing and Data Management, and provision of ML based clustering analysis

agglomerative-clustering clustering crossref-api customtkinter google-api google-scholar graph-api machine-learning numpy pandas python3 scientific-article-analysis scikit-learn sqlite3

Last synced: 07 Nov 2024

https://github.com/ljadhav25/django-data-analyzer

Django Data Analyzer is a web application built using the Django framework, designed to streamline data analysis tasks. Users can upload CSV files containing data for analysis. The application utilizes the powerful data manipulation capabilities of Python libraries like pandas and numpy to perform various analyses on the uploaded data.

data-analysis data-visualization django-application matplotlib numpy pandas python seaborn

Last synced: 10 Nov 2024

https://github.com/mkdirer/disaster-tweet-nlp-adaboost-transformers

A machine learning project that classifies tweets as disaster-related or non-disaster-related using transformers and the AdaBoost technique. Achieved an accuracy of approximately 80% on the validation set

geopy keras matplotlib numpy pandas python sklearn tensorflow

Last synced: 07 Nov 2024

https://github.com/haranrk/linear-regression

Implemented Linear Regression and some of it's variants

machine-learning matplotlib numpy python python3

Last synced: 22 Oct 2024

https://github.com/thanhloc81/rfm-model-project

✨ Build a flow to deploy Segmentation evaluation through Python programming.

customer-segmentation numpy pandas python rfm-analysis

Last synced: 08 Nov 2024

https://github.com/alexandremccastro/leaf-am

Application that allows measure leaf area in a destructive and non-destructive way

android area buildozer kivy kivymd leaf meter mobile numpy opencv py4a python

Last synced: 06 Nov 2024

https://github.com/ksharma67/intel-stock-predication-wiith-eda

We are trying to design a model that can predict the price of stock using different methods and algorithms.

eda linear-regression machine-learning-algorithms matplotlib numpy pandas prediction python scaler seaborn skit-learn

Last synced: 06 Nov 2024

https://github.com/ksharma67/partial-dependent-plots-and-individual-conditional-expectation-plots

Individual Conditional Expectation (ICE) plots display one line per instance that shows how the instance's prediction changes when a feature changes. The Partial Dependence Plot (PDP) for the average effect of a feature is a global method because it does not focus on specific instances, but on an overall average.

eda gradient-boosting individual-conditional-expectation linear-regression matplotlib numpy pandas partial-dependence-plot python seaborn sklearn xgboost

Last synced: 06 Nov 2024

https://github.com/ksharma67/k-means-algorithm-on-the-iris-dataset

Applied the K-Means algorithm on the Iris dataset, and utilized the Silhouette Score method to find the best value of K

eda elbow-method iris-dataset kmeans-clustering matplotlib numpy pandas python seaborn silhouette-score

Last synced: 06 Nov 2024

https://github.com/ksharma67/eda-on-ipl

In this python notebook, analysis of IPL matches from 2008 to 2020 is done using python packages like pandas, matplotlib and seaborn.

data-analysis data-science eda matplotlib numpy pandas python seaborn

Last synced: 06 Nov 2024

https://github.com/ksharma67/partial-dependent-plots-individual-conditional-expectation-plots-with-shap

The goal of SHAP is to explain the prediction of an instance x by computing the contribution of each feature to the prediction. The SHAP explanation method computes Shapley values from coalitional game theory. The feature values of a data instance act as players in a coalition.

eda individual-conditional-expectation matplotlib numpy pandas partial-dependence-plot python seaborn shap shapley-additive-explanations sklearn xgboost

Last synced: 06 Nov 2024

https://github.com/buildwithlal/introduction-to-data-science-in-python-coursera

introduction to data science in python, part of Applied Data Science using Python Specialization from University of Michigan offered by Coursera

data-analysis matplotlib numpy pandas

Last synced: 08 Nov 2024

https://github.com/ifimust/room_generator

Room generator service for 2D game levels

flask google-app-engine microservice numpy procedural-generation python

Last synced: 10 Nov 2024

https://github.com/manuel-lang/numpymongo

A python package to export NumPy data to MongoDB

mongodb numpy wrapper

Last synced: 02 Nov 2024

https://github.com/hifly81/photox

photo and album organizer for gtk3

gtk3 numpy opencv-python photography pil pillow python

Last synced: 10 Oct 2024

https://github.com/gherrada22/spanish-sign-translator

This project uses Python and the OpenCV and MediaPipe libraries to detect and translate signs in real time.

language matplotlib mediapipe numpy opencv pycharm-ide python python3 spanish-language toml

Last synced: 31 Oct 2024

https://github.com/jay6430/python-for-data-science

This Repository includes all the Python concepts that are necessary for Data science.

csv data-visualization datascience-machinelearning html-css ipynb-jupyter-notebook matplotlib numpy pandas python3 xml

Last synced: 13 Nov 2024

https://github.com/matteopolak/chatterbox

RNN-based chat message generator.

numpy pandas python rnn tensorflow text-generation

Last synced: 06 Nov 2024

https://github.com/ksharma67/anomaly-detection-on-temperature-device-failure

A typical anomaly detection task and performing KMeans, PCA, Gaussian distribution, and Isolation Forest.

eda ellipticenvelope feature-engineering gaussian-distribution isolation-forest kmeans-clustering numpy pca python sklearn

Last synced: 06 Nov 2024

https://github.com/edegan-furb/conwaygameoflife

This project is a simulation of Conway's Game of Life using Python with the Pygame library.

conways-game-of-life numpy pygame python

Last synced: 06 Nov 2024

https://github.com/sibendud/csi_2024_dataengineering

Internship on Data Engineering where below topics are applied skills that are used to complete the given tasks through out 8 weeks including the project.

adf adls azure-pipelines databricks docker ipynb json numpy pandas-python parquet-avro pipeline pyspark python sql sql-server

Last synced: 11 Oct 2024

https://github.com/ksharma67/heart-failure-prediction

This problem is a typical Classification Machine Learning task. Building various classifiers by using the following Machine Learning models: Logistic Regression (LR), Decision Tree (DT), Random Forest (RF), XGBoost (XGB), Light GBM and Support Vector Machines with RBF kernel.

auc-roc-curve auc-roc-score decision-trees eda eli5 gridsearchcv lightgbm lime logistic-regression numpy pandas python random-forest seaborn shap skit-learn sklearn svm xgboost

Last synced: 06 Nov 2024

https://github.com/alvii147/discretetimelib

Python library for analysis of discrete time signals and systems

numpy pandas scipy signals-and-systems sympy

Last synced: 06 Nov 2024

https://github.com/theroyakash/shallow_neural_network

Design of an one hidden layer neural network using numpy only,

neural-networks numpy shallow-neural-network

Last synced: 07 Nov 2024

https://github.com/mkdirer/multivariate-time-series-forecasting-using-transformers

This project develops a Transformers-based neural network for modeling and forecasting multivariate time series data from a COVID-19 dataset in Poland. The implementation is in Python, utilizing the Keras library for neural network design and training, along with numpy, pandas, matplotlib, and sklearn for data analysis and model evaluation.

keras-tensorflow matplotlib neural-network numpy pandas sklearn

Last synced: 07 Nov 2024

https://github.com/wbadart/simplegcn

Basic implementation of a Graph Convolutional Network

data-science gcn neural-network numpy

Last synced: 06 Nov 2024

https://github.com/webintellectual/coloured-image-to-b-w-converter-web-app

A Streamlit web application to convert a coloured image to black and white image.

numpy opencv pil pillow python3 streamlit streamlit-webapp

Last synced: 06 Nov 2024

https://github.com/kartikeya443/handgesture_vol_control

This OpenCV project enables remote control of sound playback using wireless communication. It lets users adjust the master volume of the central device using finger gestures, enhancing convenience and user experience.

mediapipe numpy opencv pycaw wireless-communication

Last synced: 06 Nov 2024

https://github.com/alinenog/desenvolve_gb_2022

Formação Desenvolve 2022 do Grupo Boticário na área de dados

data-analysis data-science googlesheet machine-learning numpy pandas python

Last synced: 06 Nov 2024

https://github.com/kartikeya443/handgesture_detection_opencv

A Computer Vision based model trained on data sets of over 300 inputs for a particular gesture is able to detect and identify human hands gestures effortlessly and is able to track the coordinates for further modifications in its usage for controlling devices like mouse and windows (control features are in development).

deep-learning mediapipe numpy opencv tensorflow

Last synced: 06 Nov 2024

https://github.com/reubenmathew/docscanner

📸 Document Scanner using an OpenCV Edge Detection Engine

flask numpy opencv python

Last synced: 06 Nov 2024

https://github.com/filipporanza/rc4

A simple RC4 implementation in Python3. Useful for testing and studing RC4 properties

matplotlib numpy python3 rc4 university-project

Last synced: 06 Nov 2024

https://github.com/aminnj/numpy.jl

Simple numpy snippets implemented in julia

joke julia maybenot numpy python

Last synced: 12 Oct 2024

https://github.com/rakibhhridoy/appliedmachinelearninghousing-regression

Let's take the Housing dataset which contains information about different houses in Boston. This data was originally a part of UCI Machine Learning Repository and has been removed now. We can also access this data from the scikit-learn library. The objective is to predict the value of prices of the house using the given features.

deep-learning housing-market housing-prices machine-learning numpy pandas python real-estate regression scikit-learn

Last synced: 06 Nov 2024

https://github.com/apuravdivekar2032/real-estate-price-prediction

A real estate price prediction website developed using Python with Numpy and Pandas for data cleaning Matplotlib for data visualization and scikit-learn for model building, featuring a Flask server to handle HTTP requests and integrates a user-friendly UI built with HTML, CSS, and JavaScript

flask html-css-javascript jupyter-notebook matplotlib numpy pandas pycharm python3 sklearn vscode

Last synced: 31 Oct 2024

https://github.com/ahammadshawki8/numpy-journey

🎉 Welcome to the journey with NumPy! From this repository, You can learn all about Numpy. ✔

array beginner-friendly math numpy python

Last synced: 07 Nov 2024

https://github.com/teslaproduuction/data_analiz_al

Прогнозирование курса алюминия с использованием модели ARIMAX

arimax csv django html-css-javascript numpy pandas python rss scipy sklearn sqlite yfinance-library

Last synced: 06 Nov 2024

https://github.com/shreeparab1890/chat-analyzer

This project is a Data Analysis project to analyze the WhatsApp chats.

data-analysis numpy pandas python

Last synced: 08 Nov 2024

https://github.com/shreeparab1890/flipkart-laptops-analysis-eda

This ipython notebook is the Exploratory data analysis (EDA) of the Laptops listed on Flipkart.

data-analysis eda exploratory-data-analysis matplotlib-pyplot numpy pandas plotly

Last synced: 08 Nov 2024

https://github.com/sonu275981/face-mask-detection-web-app

Face Mask Detection web application built with Flask, Keras-TensorFlow, OpenCV. It can be used to detect face masks both in images and in real-time camera video using browser.

flask-application haar-cascade-classifier haarcascade-frontalface javascript keras-tensorflow mask mask-detection numpy opencv webapp

Last synced: 05 Nov 2024

https://github.com/shreeparab1890/heart-attack-analysis-prediction-accuracy-85.24

This iPython Notebook implements the Analysis and Predictions for Heart Attack. The Analysis is done on the dataset to identify the key features which has a impact on Heart Attack. After the analysis and data cleaning, the dataset is used to train the model using different ML algorithm.

eda exploratory-data-analysis matplotlib numpy pandas plotly prediction python scikit sklearn

Last synced: 08 Nov 2024

https://github.com/shreeparab1890/movie-recommender-system

This notebook is trying to build a model which will recommend the movie based on given movie and genre. In this we use Popularity Based Recommendation, Content Based Recommendation and Collaborative Filtering based Recommendation.

bag-of-words cosine-similarity matplotlib numpy pandas python scikit-learn sklearn vectorization

Last synced: 08 Nov 2024

https://github.com/shreeparab1890/indian-cricketer-classifier

This notebook is trying to bulia a model which will predict a Indian Cricketer based on the given image. In this project we have handled 8 Indian Cricketers and build a model to classify the given image between this 8 Cricketers.

image-classification matplotlib numpy opencv pandas python random-forest-classifier scikit-learn sklearn streamlit

Last synced: 08 Nov 2024

https://github.com/shreeparab1890/indian-elections-2019-analysis-eda

This ipython notebook is the Exploratory data analysis (EDA) of the Indian Lok Sabha Elections 2019.

data data-analysis data-science data-visualization eda exploratory-data-analysis matplotlib numpy pandas plotly python python3 visualization

Last synced: 08 Nov 2024