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/hayatiyrtgl/data_analysis_project

Financial data analysis: preprocess, visualize, calculate technical indicators.

data-analysis data-analysis-python data-science dataframe numpy pandas python python3 stock-price-prediction talib trade-analysis

Last synced: 22 Dec 2024

https://github.com/mirwais-farahi/pydataforgehub

PyDataForgeHub is a comprehensive data processing solution designed to streamline data quality checks, analysis, and visualization.

cookiecutter matplotlib numpy pandas pytest python3

Last synced: 15 Oct 2024

https://github.com/dimatura/imgutils

Miscellaneous Numpy and PIL utilities for images.

image numpy pil pillow python

Last synced: 19 Dec 2024

https://github.com/ul-mds/gecko-examples

Example scripts for generating data with Gecko

data-science numpy pandas python record-linkage

Last synced: 10 Dec 2024

https://github.com/kwanit1142/mask-v-s-no-mask-face-detection-models

Machine-Learning Models based Detection System for Masked v/s No-Masked Human Faces (Can be implemented on Grouped Images too)

deep-learning machine-learning matplotlib numpy opencv pandas pil scipy seaborn skimage sklearn

Last synced: 13 Jan 2025

https://github.com/nvinayvarma189/deep-learning-with-tensorflow

This repo consists all the basics of tensorflow and all major Deep Learning algorithms and techniques implemented in tensorflow. It will explain you the basics of tensorflow. You can visualize how tensors flow through a grapg while you create one

autoencoder cnn deep-learning gan matplotlib neural-network numpy pandas python3 reinforcement-learning rnn tensorflow

Last synced: 15 Dec 2024

https://github.com/msthamizh/singapore-resale-flat-prices-predicting

Developing a Streamlit application that allows users to interactively predict the resale prices of flats in Singapore using machine learning. The application supports regression tasks, enabling users to input various features, such as location, flat type, floor area, and lease start date, and receive predictions for resale prices.

exploratory-data-analysis machine-learning matplotlib numpy pandas python seaborn streamlit

Last synced: 20 Nov 2024

https://github.com/hanzopgp/lstmcryptopriceprediction

TensorFlow LSTM neural networks which predict cryptocurrencies future prices. Starting from Sentdex's tutorial.

artificial-intelligence deep-learning lstm-neural-networks machine-learning matplotlib numpy personal recurrent-neural-networks tensorflow

Last synced: 15 Nov 2024

https://github.com/sdpdas/document-layout-generator-and-segmentation-tool

Lists all parts of a document PDF and is a highly scalable with robust code.

analysis document-classification numpy opencv-python pdf2image python

Last synced: 14 Dec 2024

https://github.com/hanzopgp/neuralnetworkfromscratch

This is a multi-layer perceptron build from scratch using numpy and python.

artificial-intelligence deep-learning machine-learning multi-layer-perceptron numpy personal

Last synced: 15 Nov 2024

https://github.com/furk4nbulut/veri-bilimi-ve-makine-ogrenmesi

This repository showcases the process and insights I have gained in the fields of data science and machine learning.

data-science keras machine-learning numpy pandas python tensorflow

Last synced: 10 Jan 2025

https://github.com/rishraks/color-object-detection

This project enables real-time detection of user-defined color objects using a webcam. Users enter a color name, and the program identifies objects matching that color by converting it to its HSV range, applying a mask, and detecting contours. It's a practical tool for object tracking, sorting, and interactive applications.

computer-vision numpy opencv pillow-library

Last synced: 22 Dec 2024

https://github.com/FredStober/cpp2numpy

cpp2numpy is a C++ library to write numpy files

c-plus-plus numpy

Last synced: 22 Nov 2024

https://github.com/sarincr/introduction-to-pyqt5

PyQt5 is a comprehensive set of Python bindings for Qt v5. Qt is set of cross-platform Python libraries that implement high-level APIs for accessing many aspects of modern desktop and mobile systems.

app appdevelopment data-science kivy kivymd machine-learning numpy opengl pygui pyqt pyqt5 pyqt5-desktop-application pyqt6 pyside2 scipy tensorflow tkinter tkinter-graphic-interface tkinter-gui tkinter-python

Last synced: 20 Nov 2024

https://github.com/aneeshmurali-n/ml_bangalore_house_price_analysis

This project focusing on statistical analysis to understand and prepare data for potential machine learning applications. The dataset house_price.csv includes property prices in Bangalore. The analysis aims to perform exploratory data analysis (EDA), detect and handle outliers, check data distribution and normality, and analyze correlations.

box-plot correlation data-distribution data-transformation exploratory-data-analysis heatmap histplot iqr-method log-transformation matplotlib numpy outlier-detection outlier-handling pandas percentile-method python scatter-plot scipy seaborn z-score-method

Last synced: 06 Dec 2024

https://github.com/f1uctus/p4a-recipes

📱 🐍 A collection of recipes for p4a (Python for Android).

android blis docker numpy p4a python python-for-android spacy

Last synced: 15 Nov 2024

https://github.com/rishraks/handsign-ai

HandSign AI is a gesture recognition project using Mediapipe to detect custom hand signs like fist, palm, and V-sign. It automates tasks such as starting/stopping video recording and capturing screenshots, showcasing intuitive, touch-free interactions for various applications like smart devices and accessibility.

mediapipe ml numpy opencv python

Last synced: 22 Dec 2024

https://github.com/Krisseck/hki-traffic-predict

Keras neural network to predict traffic in Helsinki

avoindata helsinki keras numpy open-data python traffic

Last synced: 22 Nov 2024

https://github.com/sarthak-1408/rain-fall-prediction

This repository represents the End to End Machine Learning Project (Rain Fall Prediction in Australia).

heroku heroku-deployment machine-learning numpy pandas rain-fall rain-fall-prediction scikit-learn xgboost-algorithm

Last synced: 16 Nov 2024

https://github.com/2000pawan/heart-dieases-prediction

"Excited to announce my latest project on LinkedIn! ❤️ Introducing my heart disease prediction ML model deployed on Streamlit. With the powerful Random Forest Classifier algorithm, this solution achieves an impressive accuracy of 98% on training and 93% on testing data. Join me in leveraging technology to enhance healthcare outcomes! 💻🩺 .

artificial-intelligence jupyter-notebook machine-learning numpy pandas python random-forest-classifier streamlit vscode

Last synced: 29 Dec 2024

https://github.com/2000pawan/data_science.

Complete Data Science, NumPy, Pandas, Matplotlib, Seaborn, Statistics, Power Bi, Machine Learning.

data-science machine-learning matplotlib numpy pandas powerbi seaborn statistics webscraping

Last synced: 29 Dec 2024

https://github.com/mmsaki/whale_portfolio

Using Python and Pandas, determine which portfolio is performing the best across multiple areas: volatility, returns, risk and Sharpe ratios.

datetime finance jupyter-notebook matplotlib numpy pandas pathlib python quantitative-finance seaborn stock-market trading-strategies

Last synced: 20 Dec 2024

https://github.com/prakashjha1/stock-trend-prediction

Deep learning for predicting stock market prices and trends has become even more popular than before. I have used yahoo finance to collect the data and LSTM to build the stock trend model.

deep-learning keras lstm lstm-neural-networks machine-learning numpy pandas pandas-datareader prediction python rnn tensorflow

Last synced: 16 Jan 2025

https://github.com/prashver/customer-segmentation

This project utilizes unsupervised machine learning to segment bank customers for targeted marketing campaigns. It covers tasks like data exploration, determining optimal clusters, and applying k-means for segmentation. Ideal for marketing departments in banking and retail industries.

customer-segmentation matplotlib numpy pandas seaborn sklearn

Last synced: 14 Jan 2025

https://github.com/erickarpovits/carbon-metrics-model

Investigation Of Covid’s Impact On Carbon Emission Rates In the United States

deep-learning numpy pandas python

Last synced: 28 Dec 2024

https://github.com/gauravtrivedi967/mask_detection

In the present scenario due to Covid-19, there is no efficient face mask detection applications which are now in high demand for transportation means, densely populated areas, residential districts, large-scale manufacturers and other enterprises to ensure safety. Also, the absence of large datasets of ‘with_mask’ images has made this task more cumbersome and challenging.

cv2 keras numpy os

Last synced: 23 Nov 2024

https://github.com/quentinwidlocher/cours-python-pandas

Jupyter Lab sur le traitement des données en python

jupyter-lab matplotlib numpy pandas python

Last synced: 06 Dec 2024

https://github.com/mahnoorsheikh16/fds-project-cmse830-credit-card-default-prediction

This project focuses on predicting whether a customer will default on their credit card payment in the upcoming month. Utilizing historical transaction data and customer demographics, the project employs various machine learning algorithms to distinguish between risky and non-risky customers for better credit risk management.

chi-square-test encoding hiplot imblearn json knn-imputer matplotlib numpy pandas pca-analysis pillow plotly robust-scalar scipy seaborn sklearn smote streamlit ttest visualization

Last synced: 17 Oct 2024

https://github.com/anvesham/machinelearning_models_using_matlab

Stepwise Multiple Linear Regression (With Interactions) and Random Forest Regression on predicting the Productivity of the Garment Factory Workers

bagging-ensemble bayesian-optimization decision-trees jupyter-notebook machine-learning matlab multiple-linear-regression-model numpy python random-forest-regression

Last synced: 16 Jan 2025

https://github.com/moindalvs/learn_statistics_for_data_science

Central tendency, distribution, skewness and kurtosis

kurtosis mean median model numpy pandas skewness

Last synced: 17 Nov 2024

https://github.com/robocorp/example-x-ray-image-processing

X-ray Image Viewer (NumPy, imageio, Matplotlib, SciPy)

data-science numpy python robotframework xray-images

Last synced: 09 Jan 2025

https://github.com/fx-kirin/faster_numpy

make numpy faster again.

numpy python

Last synced: 05 Dec 2024

https://github.com/hansalemaos/locate_pixelcolor

Locate RGB values in a picture! 40x faster than PIL, 5x faster than numpy

bot colors locate np numexpr numpy rgb

Last synced: 22 Nov 2024

https://github.com/kshitijshrivastava1903/neural_network_analysis_on_lending_club-dataset

Used tensorflow's neural network model to predict whether or not a person pays back a loan on the basis of his historical data and personal details of 3.9 lakh people like interest rate, employment details, address, etc.

deep-learning dropout-keras earlystopping keras-tensorflow matplotlib-pyplot neural-networks numpy pandas seaborn tensorflow-models

Last synced: 21 Dec 2024

https://github.com/dylanwal/numpy_dynamic_array

Dynamic resizing Numpy ndarray

numpy python

Last synced: 30 Oct 2024

https://github.com/sralter/term_deposit_marketing

Predicting which customers will most likely purchase a type of financial product, achieving a time savings of over 93%.

matplotlib numpy optuna pandas seaborn sklearn

Last synced: 17 Nov 2024

https://github.com/faizantkhan/regression-project-bangalore-property-price-prediction

🏠 Bangalore Property Price Prediction is a comprehensive project designed to accurately predict property prices in Bangalore. Leveraging advanced regression techniques and a dataset sourced from Kaggle, the model undergoes meticulous feature engineering, data cleaning, and parameter tuning to ensure high accuracy.

backend-api css data-cleaning data-science data-visualization eda flask html javascript machine-learning-algorithms numpy pandas project project-repository property python regression-models server

Last synced: 15 Jan 2025

https://github.com/shriram-vibhute/data-analysis

This repository offers a comprehensive collection of data analysis techniques using NumPy Pandas, Matplotlib and Seaborn.

data-aggregation data-analysis data-visualization data-wrangling matplotlib numpy pandas seaborn

Last synced: 15 Jan 2025

https://github.com/syedaanif/ds-ml-pyhton

This repo contains learnings about Data Science and Machine Learning using Python

artificial-intelligence data-science machine-learning matplotlib numpy pandas plotly python seaborn

Last synced: 15 Nov 2024

https://github.com/lexxai/goit_python_ds_hw_08

Модуль 8. Глибоке навчання. Tensorflow.

classification data-science matplotlib minst numpy pandas python sklearn tensorflow

Last synced: 24 Nov 2024

https://github.com/shriram-vibhute/digit_classification

This project demonstrates various machine learning techniques for classifying handwritten digits from the MNIST dataset. It covers data preprocessing, model training, evaluation, and advanced classification strategies.

classification data-analysis data-visualization machine-learning matplotlib numpy pandas sk-learn

Last synced: 15 Jan 2025

https://github.com/painterqubits/datalogs

Python package for logging data from scientific experiments.

json netcdf numpy python xarray

Last synced: 11 Nov 2024

https://github.com/simran2911/restaurant_rating_pridiction

This github repository have restaurant rating analysis and understand what contributes to high or low ratings on the platform and how these insights can be leveraged for business decision-making.

jupyter-notebook machine-learning numpy pandas powerbi python sklearn statistics tableau

Last synced: 21 Dec 2024

https://github.com/omerkel/fractals

Rendering Fractals like Hilbert curves, Julia sets and Mandelbrot sets in various techniques.

fractals glsl-shaders hilbert-curve julia-sets jupyter-notebook mandelbrot-sets matplotlib numpy webgl-shader

Last synced: 04 Jan 2025

https://github.com/affan-ch/gesture-talk-ai

GestureTalkAI: Decode hand language with precision. This AI project utilizes cutting-edge computer vision for real-time hand gesture detection, unveiling the unspoken messages conveyed through intuitive movements.

numpy open-cv python

Last synced: 05 Jan 2025

https://github.com/roma-glushko/numpy-katas

🧮 Exercises to sharp scientific computations with Numpy

katas numpy

Last synced: 19 Dec 2024

https://github.com/harsh8088/py_cluster

Grouping in data values.

numpy python sklearn

Last synced: 28 Nov 2024

https://github.com/dantasl/probabilidade-analise

Análise sobre o desempenho dos discentes na disciplina Resolução de Problemas Matemáticos Para Tecnologia da Informação (RPMTI) nos semestres de 2015.2, 2016.1 e 2016.2

data-science numpy pandas probability

Last synced: 13 Dec 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: 21 Dec 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: 21 Dec 2024

https://github.com/dpgitaccount/file-handling-data-analytics-toolkits

In this repo File handling, Inventory management system and data toolkits resources are provided these are essential for managing, storing, and manipulating data in various formats, such as JSON files. JSON (JavaScript Object Notation), is widely used for data exchange due to its simplicity and readability. also File Handling included in this repo.

filehandling inventory-management json jupyter-notebook numpy os

Last synced: 19 Dec 2024

https://github.com/ryantusi/ai_ml_fundamentals

Welcome to my GitHub repository showcasing projects completed during the AI/ML Foundation course from Codecademy. This repository contains a collection of projects that demonstrate my skills and knowledge in the field of artificial intelligence and machine learning.

artificial-intelligence data-science data-visualization exploratory-data-analysis foundation machine-learning numpy pandas python

Last synced: 19 Nov 2024

https://github.com/paulo-santos-ds/dados-telefonia

Este projeto tem como objetivo desenvolver um modelo que possa analisar o comportamento do cliente e recomendar um dos planos mais recentes de uma companhia telefônica fictícia.

matplotlib numpy pandas python3 sklearn

Last synced: 21 Dec 2024

https://github.com/mirgis/sassy-sandbox

A diverse code collection encompassing Python, JavaScript, Julia, and others, providing a wealth of examples, experiments, and snippets.

android aws bokeh ipynb ipywidgets javascript julia kotlin matplotlib numpy playground python3 r sandbox scipy

Last synced: 16 Nov 2024

https://github.com/tejasvi541/machine-learning

My Machine and Deep Learning Practice and Projects Notebooks

matplotlib numpy python3 pytorch sklearn tensorflow

Last synced: 12 Jan 2025

https://github.com/bratergit/lastchancehackertoberfest

In the final hours of hacktoberfest 2024 your last chance to get a tee

hacktoberfest hacktoberfest-accepted hacktoberfest2024 numpy pandas python3 streamlit

Last synced: 31 Oct 2024

https://github.com/isa1asn/mnist-neural-net

Applying neural networks on the MNIST dataset (from scratch & using tf)

from-scratch keras mnist-classification neural-networks numpy pandas relu-activation softmax tensorflow

Last synced: 19 Nov 2024

https://github.com/isa1asn/line_following_robot_ros2

A line track follower robot with a camera sensor using ros2 and cv2

cv2 numpy opencv-python python3 ros2 ros2-humble sensor xacro

Last synced: 19 Nov 2024

https://github.com/ashkarin/ndpatch

Package to extract arbitrary regions from an N-dimensional numpy array assuming it mirrored infinitely.

array data-structures deep-neural-networks image-processing numpy patches region-of-interest

Last synced: 04 Dec 2024

https://github.com/sergio11/breast_cancer_diagnosis_mlp

🩺🔬 MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. 📊🤖

deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify

Last synced: 14 Dec 2024

https://github.com/kwanit1142/sars-cov-2-detection-radiology-based-multi-modal-multi-task-framework

Keras-based Implementation for "SARS-CoV-2 Detection: Radiology based Multi-modal Multi-task Framework" (Accepted in 45th IEEE EMBC 2k23)

gans keras matplotlib numpy opencv os pandas pillow scipy sklearn tensorflow transfer-learning wasserstein-distance

Last synced: 13 Jan 2025

https://github.com/quinta0/pycolors

A python program to help people with color blindness recognize color in an image

colorblindness colors image-processing numpy pandas-dataframe python tkinter-gui

Last synced: 06 Jan 2025

https://github.com/kwanit1142/machine-learning-models-on-different-scenarios

Pattern Recognition and Machine Learning based Assignments and Labs, under Prof. Richa Singh in Course CSL2050.

deep-learning diabetes iris machine-learning matplotlib mlxtend mnist nltk numpy pandas pytorch regex seaborn sklearn

Last synced: 13 Jan 2025

https://github.com/nitsc/spell-from-threebodytrilogy

Implemented the process of extrapolating from Gaia stellar data, to 3D visualizations, to three-views, to three-view signals, to three-view audio of signals, and even their inversions. This project proves the feasibility of the Logic (Luoji)'s “spell” from “The Three Body Problem” trilogy.

3d 3d-graphics astronomy astronomy-astrophysics audio audio-processing data data-science data-visualization gaia graph information-technology information-visualization numpy python python-3 python3 signal signal-processing visiualization

Last synced: 22 Dec 2024

https://github.com/matheussc017/irisclassification_sklearn

Application of Machine Learning technique to classify 3 types of iris flower

data-science machine-learning numpy pandas python

Last synced: 13 Jan 2025