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/yashika-malhotra/cardioflex-treadmill-analysis-using-descriptive-statistics-probability

Description Analysis and Visualization on CardioFlex Treadmill data to provide insights and recommendations to improve their userbase.

colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 14 Jan 2025

https://github.com/vitkarpenko/fem-with-backward-euler-for-the-heat-equation

:fire: Solving the heat equation on square plate with finite element method in Python.

fem heat-equation numerical-methods numpy python

Last synced: 17 Feb 2025

https://github.com/marcogdepinto/dogs-vs-cats

Deep learning to classify if a picture contains a Dog or a Cat using Python, OpenCV, Keras.

deep-learning deep-learning-tutorial deep-neural-networks image-classification keras numpy opencv python python3

Last synced: 06 Jan 2025

https://github.com/yashika-malhotra/data-exploration-and-visualization-for-streaming-platform

Data Analysis and Visualization for streaming platform to provide insights and recommendations to improve their userbase.

colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 14 Jan 2025

https://github.com/vspaz/graalvm-java-python-interoperation

java <-> python inter-operation examples with GraalVM

graalpython graalvm java numpy pandas python

Last synced: 11 Feb 2025

https://github.com/wpi-surfmet-lab/multiscale-statistical-analysis

Multiscale regression/discrimination analysis software, which uses multiscale area data exported from MountainsMap®.

matplotlib multiscale-analysis numpy python scipy win wpi wxpython

Last synced: 11 Feb 2025

https://github.com/messier16/m16_mlutils

Some stuff that is probably better implemented somewhere else but I'm still a newbie to find out where...

machine-learning numpy pandas python

Last synced: 28 Oct 2024

https://github.com/rshrc/machinelearning

Collection of Machine Learning Algorithms and Datasets

matplotlib numpy pandas python3 sklearn

Last synced: 10 Nov 2024

https://github.com/jxareas/house-hunter

Web scraping apartment information from apartments.com to build an ML Random Forest model that predicts rental prices for Bay Area apartments.

communityexchange data-science datacamp ghdesktop github gitkraken jetbrains learn machine-learning numpy pandas python

Last synced: 20 Jan 2025

https://github.com/sudhish-rithvik/license-plate-recognition-system

Automatic number-plate recognition is a technology that uses optical character recognition on images to read vehicle registration plates

cv2 cv2-library harcascade harcascades image image-processing mechine-learning mechinelearning numpy open-source opencv python

Last synced: 31 Oct 2024

https://github.com/asem000/sepes

Nested tree tools in python

jax nested-structures numpy torch tree

Last synced: 09 Dec 2024

https://github.com/faiqa-batool/introduction-to-functions-in-python

Excercise and practice questions of the course 'Introduction to Functions in Python' from Datacamp

numpy pandas pandas-dataframe python python3

Last synced: 18 Oct 2024

https://github.com/rubydamodar/the-ultimate-pandas-bootcamp

Welcome to the Pandas for Data Science repository! This course is designed to take you from beginner to proficient in using Pandas, the powerful data manipulation library in Python. Whether you're just starting your data science journey or looking to sharpen your skills, this repository contains all the resources

beginner-friendly csv-data data-analysis data-cleaning data-manipulation data-science data-visualization dataframe exploratory-data-analysis jupyter-notebook machine-learning matplotlib numpy pandas python python-pandas series statistical-analysis time-series titanic-dataset

Last synced: 18 Oct 2024

https://github.com/fahadpathan7/python-learning

This repository is dedicated to learning Python and python-based frameworks with the goal to implement the knowledge in real world backend project.

django flask mojo numpy pandas polars python

Last synced: 18 Oct 2024

https://github.com/vorticity-inc/vtensor

VTensor, a C++ library, facilitates tensor manipulation on GPUs, emulating the python-numpy style for ease of use. It leverages RMM (RAPIDS Memory Manager) for efficient device memory management. It also supports xtensor for host memory operations.

cublas cuda curand cusolver gpu numpy rmm tensor xarray xtensor

Last synced: 10 Dec 2024

https://github.com/balavenkatesh3322/face_recognition

We can train our face and verify our face using openCV.

face-recognition knn-classification numpy opencv python3 webcam

Last synced: 06 Jan 2025

https://github.com/a-r-j/npview

CLI tools for quickly inspecting CSV/TSV & NumPy (.npy) array files

cli csv data-analysis inspector npy numpy python tsv

Last synced: 10 Feb 2025

https://github.com/iamncj/missing-kit

The missing tool kit for MVS researchers

cg colmap cv numpy open3d opencv sfm

Last synced: 18 Feb 2025

https://github.com/tensorush/phygitalism-3dml-tasks

:crystal_ball: :ice_cube: Solutions to the test tasks for the 3DML R&D position at @phygitalism (12.09.2021).

3dml deep-learning job-application neural-network notebooks numpy phygitalism pytorch research-and-development rnd tasks test-tasks

Last synced: 16 Feb 2025

https://github.com/soheshdoshi/forcastmodel

This Model is Base On Halt & Winter Algorithm.This Model is Forecast About Seasonal Data.

forcasting machine-learning numpy python

Last synced: 06 Jan 2025

https://github.com/sahajrajmalla/co2-calculator-api

A Web Application backend API that enables people to create events, join events, and measure the carbon footprint produced by each participant to get insights about online and onsite carbon emissions.

apis carbon-emissions carbon-footprint fastapi makefile numpy pandas precommit sqlalchemy sqlite3 uvicorn

Last synced: 07 Jan 2025

https://github.com/mgobeaalcoba/exploratory_data_analysis_course

Un repositorio donde iré cargando tutoriales y practicas de trabajos de analisis de datos exploratorios con pandas, numpy, mathplotlib, Plotly, etc

data-science deepnote google-colab jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 20 Jan 2025

https://github.com/yeisonmontoya1815/machine-learning_prediction_can_inflation

we aim to predict trends in the Canadian market basket using sentiment analysis techniques. Sentiment analysis involves analyzing text data to determine the sentiment expressed, whether positive, negative, or neutral.

algorithms-and-data-structures data data-analysis data-science data-visualization feature-engineering machine-learning matplotlib-pyplot numerical-analysis numpy pandas pipelines python sklearn structured-data super unsupervised-learning

Last synced: 06 Dec 2024

https://github.com/ganeshkbhat/numericalarrays

numericalarrays offers comprehensive mathematical functions, random number generators, linear algebra routines, Fourier transforms, and more like NumPy. The goal is to be as near as NumPy as possible

array array-prototype arrays javascript linear-algebra matrix numerical numericalarrays numjs numpy numpyjs python scientific-computing

Last synced: 26 Jan 2025

https://github.com/borisshapa/inception-v3-numpy

Implementation of the popular network Inception v3 on Numpy. Implementation of the AdaSmooth optimizer. Comparison of optimizers on Cars dataset.

inception-v3 numpy pytorch

Last synced: 10 Feb 2025

https://github.com/amankanojiya/rubic-cube-detector

Rubic Cube Detection Using OpenCV

argparse numpy opencv opencv-python os python3

Last synced: 11 Jan 2025

https://github.com/elggem/shapeset-generator

Generates varying shapes as training data for neural nets: ShapeSet.

data machine-learning numpy opencv python svg training

Last synced: 08 Jan 2025

https://github.com/woodemai/calculation-methods

Calculation methods implementations on Python

calculation-methods numpy python

Last synced: 26 Jan 2025

https://github.com/mgobeaalcoba/inferential_statistics_with_python

Explore the world of inferential statistics using Python. Learn hypothesis testing, confidence intervals, and statistical analysis techniques for data-driven decision-making and insights.

google-colab inferential-statistics jupyter-notebook matplotlib numpy pandas python3 scikit-learn seaborn statistics

Last synced: 20 Jan 2025

https://github.com/celilselcuk/skin-cancer-detector

A CNN model to distinguish whether a skin lesion is malignant or benign: cancerous or not. Trained on 1500 images for both benign and malignant classes attained from the ISIC skin condition dataset with over 84% accuracy and 93 F1 score.

benign-skin-lesions cancer-detection cnn-keras cnn-model flask image-classification malignant-skin-lesions medicalimaging numpy python tensorflow webapp

Last synced: 05 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: 16 Feb 2025

https://github.com/vidhi1290/text-classification-with-transformers-roberta-and-xlnet-model

This project explores advanced NLP techniques using RoBERTa and XLNet models to classify human emotions from textual data. By leveraging robust training and optimization methods, it aims to enhance emotion detection accuracy in applications like social media analysis and customer support.

autoencoder bert ktrain matplotlib natural-language-processing nlp numpy pandas python roberta seaborn sklearn tensorflow transformers xlnet

Last synced: 21 Dec 2024

https://github.com/marcelwinterot/nano-keras

Deep learning library inspired by Keras

keras machine-learning machine-learning-library numpy python

Last synced: 09 Feb 2025

https://github.com/mkashirin/scratches

Scratches is a project, which provides a comprehensive guide to creating deep learning models from scratch using Python and NumPy.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks from-scratch machine-learning machine-learning-algorithms numpy python

Last synced: 06 Nov 2024

https://github.com/ei-grad/bincount

No-copy parallelized bincount returning dict

bincount cython numpy python statistics

Last synced: 02 Feb 2025

https://github.com/udityamerit/python-librearies-for-data-science

Python libraries for data science enable efficient data manipulation, analysis, and modeling. Key libraries include NumPy for numerical computing, pandas for data handling, Matplotlib for visualization, Scikit-learn for machine learning, TensorFlow for deep learning, and BeautifulSoup/requests for web scraping. These libraries simplify complex data

beautifulsoup data data-science data-science-libraries machine-learning matplotlib numpy pandas requests scikit-learn scikitlearn-machine-learning tensorflow

Last synced: 08 Nov 2024

https://github.com/populated/compare

A simple Python-based code to compare texts for similarities.

comparsion nlp numpy spacy text

Last synced: 14 Oct 2024

https://github.com/shubhamjai9/emotion-based-counsellor-bot

An Artificial Intelligence based Chat Bot using python tools like Numpy, Pandas, Spacy etc. Counsellor Bot will mimic the characteristics and emotion interpretation skills of human and generate response on basis of emotion of engager.

chatbot gradient-boosting-classifier machine-learning naive-bayes-classifier nlp numpy pandas python-2 spacy

Last synced: 21 Jan 2025

https://github.com/lyqht/sg-bill-org-scraper

Web scraper to get Singapore Billing Organisations

jupyter-notebook numpy pandas python3 rpa scraping tagui

Last synced: 05 Jan 2025

https://github.com/sam120204/fin4all

Fin4All is an all-in-one investment assistant that democratizes access to real-time stock analysis, sentiment-driven insights, and personalized investment recommendations for investors of all experience levels.

agents django docker embeddings fingpt finhub fintech google-cloud langchain llm matplotlib mongodb numpy openai stock stock-market streamlit vader-sentiment-analysis yahoo-finance

Last synced: 27 Oct 2024

https://github.com/mycroftai/pyache

Python numpy caching library

caching library numpy

Last synced: 13 Nov 2024

https://github.com/prashver/house-prices-prediction

Utilizing the House Prices Dataset , this project predicts home prices through a Jupyter notebook-based data science pipeline. It includes exploratory data analysis, cleaning, feature engineering, and modeling. The project explores diverse aspects of residential homes to understand price influences beyond traditional factors.

machine-learning matplotlib numpy pandas regression-models scikit-learn seaborn

Last synced: 14 Jan 2025

https://github.com/mirsazzathossain/cse317-lab-numerical-methods

This repository includes the lab worksheets and assignments for the Numerical Methods Lab course at Independent University, Bangladesh.

numerical-methods numpy python

Last synced: 03 Nov 2024

https://github.com/raghavendranhp/dynamic-hotel-recommendation-system-using-nlp

Developing a Python-based system for personalized hotel recommendations. The goal is to match user descriptions with hotel features, enhancing user satisfaction and decision-making in the hospitality industry.

ast lemmatization machine-learning nltk-python numpy pandas stopwords wordtoken-python

Last synced: 07 Jan 2025

https://github.com/kenmwaura1/python-sort

Simple python script to generate a list of random numbers and insert them in a db

numpy python sqlalchemy

Last synced: 14 Dec 2024

https://github.com/prashver/movie-recommendation-system

This recommendation system employs content-based filtering and NLP preprocessing to suggest similar movies based on user preferences and movie data. It fetches movie posters via APIs and is deployed on Streamlit for easy access.

api-request natural-language-processing nltk-python numpy pandas recommender-system streamlit-deployment text-preprocessing

Last synced: 14 Jan 2025

https://github.com/zjutcv/zjutcv

🎇ZJUT toolbox for computer vision.

computer-vision deep-learning numpy pytorch

Last synced: 29 Nov 2024

https://github.com/vishrut-b/clustering-analysis-of-online-retail-data

This project leverages machine learning techniques to analyze online retail data through customer segmentation. It uses KMeans clustering to identify key customer groups and proposes tailored business strategies based on their purchasing behaviors.

clustering datacleaning exploratory-data-analysis feature-engineering kmeans-clustering machine-learning numpy online-retail pandas sciki seaborn

Last synced: 10 Feb 2025

https://github.com/omagrawal1111/invisibility-cloak

A Python Program to make anything invisible which comes under red cloth

numpy opencv python

Last synced: 20 Jan 2025

https://github.com/srikanth284/healthbot-ml

HealthBotML is an intelligent healthcare companion powered by machine learning (ML) and artificial intelligence (AI). With HealthBotML, you can seamlessly check your Body Mass Index (BMI) and engage in informative conversations about various diseases.

bmi-calculator bootstrap chatbot css duckduckgo flask-application flask-sqlalchemy html javascript jinja2 jinja2-template joblib machine-learning nltk numpy openpyxl pandas python3 scikit-learn-pipelines torchvision

Last synced: 06 Jan 2025

https://github.com/nacheteam/the-whale-optimization-algorithm

Análisis y estudio de mejora sobre el algoritmo "The Whale Optimization Algorithm"

cec metaheuristics minimization numpy optimization whale woa

Last synced: 14 Jan 2025

https://github.com/gitstar-oc/machine-learning

This are the Machine Learning notes by leading AI website named Deeplearning.AI. This notes will help you to be a machine learner from beginner to advanced level. Welcome Everyone!!

deep-learning deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn supervised-learning tensorflow unsupervised-learning

Last synced: 17 Feb 2025

https://github.com/alejoduarte23/ssi-cov

The SSICOV is a system identification method for structural health monitoring (SHM) using Stochastic Subspace Identification (SSI). It processes acceleration data to extract modal parameters of a structure.

matplotlib modal-analysis numpy scikit-learn scipy signal-processing system-identification

Last synced: 14 Oct 2024

https://github.com/andresberejnoi/netbuilder

Create fully connected neural networks that can be trained in just a few lines of code

educational-project feedforward-neural-network machine-learning netbuilder neural-network neuralnetwork numpy python python3

Last synced: 13 Nov 2024

https://github.com/codernayeem/graph-gen-analyzer

Generate 2D graph and slope and analyze data.

evaluation fbs graph matplotlib numpy polynomial pyqt5 python slope-calculation

Last synced: 02 Feb 2025

https://github.com/ranjan2104/automobil-prediction-application

This Model is Built using Machine Learning Algorithm i.e Linear Regression and Sklearn so training and testing of data and uses Flask as in Backend and HTML, CSS and JS as in Frontend and the pickle module is used for make a .pkl file such that the data can be fetched using flask is possible and make the prediction of 88%+.

bootstrap4 css flask html js linear-regression numpy pandas pickle sklearn

Last synced: 08 Jan 2025

https://github.com/ranjan2104/diabetes-prediction-application

It is a Model that Predict the Diabetes Status of any person by just giving the some observations so that take the decision on that with the accuracy of 93%+. Due to Trained Model with Data sets so that able to predict very carefully on the previous decision it is supervised learning model using an algorithm is Linear regression and Sklearn for testing and Training the Model and Flask is Uses in Backend and in Frontend HTML, CSS, Js is Using.

flask gunicorn itsdangerous jinja2 markupsafe matplotlib numpy pandas scikit-learn scipy werkzeug

Last synced: 08 Jan 2025

https://github.com/shruagarwal/magical_image_art

Try this Streamlit App and receive three different styled effects out of an Image! 😉🌈

numpy opencv-python pillow python streamlit

Last synced: 21 Jan 2025

https://github.com/abhishekmali21/human-skin-detection-using-different-color-spaces

Designed and Created a Human Skin Detection Model to identify skin present in an image using color spaces such as RGB, HSV & YCbCr in achieving higher accuracy.

color-space easygui flask flask-cors hsv image-processing mask-image numpy opencv rgb skin-detection tkinter webbrowser ycbcr

Last synced: 05 Nov 2024

https://github.com/archismwanchatterjee/scientific-calculator

Scientific Calculator is used to basically perform several simple, mathematical, matrix/vector and trigonometric operations. And also visualize the trigonometric curves.

matplotlib-pyplot numpy pillow streamlit

Last synced: 26 Jan 2025

https://github.com/nicholas-miklaucic/eins

One tensor operation is all you need

array deep-learning einops jax numpy python

Last synced: 11 Feb 2025

https://github.com/romanjuranek/bbx

Bounding box manipulation for python and numpy

bounding-boxes numpy python

Last synced: 19 Dec 2024

https://github.com/pyroscope/auvyon

AuVyon collects little helpers to handle media data.

audio magickdraw matplotlib numpy python scipy spectrogram video waveform

Last synced: 25 Nov 2024

https://github.com/spockoo/pylegend

A fusion between Python and legend, a name that suggests that the code is both modern and mythical. 3 months of work, with tons of errors to establish the calculations necessary for the superposition, I want to publish my work and improve it and share it under Apache 2.0 License. Designed to work with NBminer!

crypto crypto-tools how-to-farm-crypto kerastuner matplotlib matrix-multiplication mining nbminer numpy performance-optimization pickle project quantum quantumcircuits quantumcomputing qubits scikit-learn tensorflow

Last synced: 09 Feb 2025

https://github.com/xpcosmos/classificao-multilabel

Nesse projeto utilizei as bibliotecas e ferramentas mais populares para resolução de um problema de identificação de tags em discursões do StackOverFlow. Através de técnicas de NLP, os dados textuais foram transformados e realizada a aplicação dos algoritmos de classificação de múltiplas labels.

labels matplotlib multilabel-classification numpy pandas python seaborn sklearn

Last synced: 14 Jan 2025

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: 16 Feb 2025

https://github.com/adtzlr/named-einsum

NumPy's Einsum, but with named subscripts.

einsum numpy python

Last synced: 13 Jan 2025

https://github.com/muhammedbuyukkinaci/tensorflow-text-generator

TensorFlow Text Generation using LSTM's.

lstm numpy tensorflow text-generation

Last synced: 09 Feb 2025

https://github.com/behzodhalil/opencv-samples

A collection of samples about using OpenCV in Python

numpy opencv python3

Last synced: 27 Jan 2025

https://github.com/joshuamhtsang/crystalninja

A code for generating crystal stuctures with defects for atomic simulation.

numpy python python3 virtualenv

Last synced: 24 Jan 2025

https://github.com/grachale/orb_detector

The implementation of part of the ORB (Oriented FAST and Rotated BRIEF) pipeline. The ORB consists of the feature detector and feature descriptor that detect and describe reproducible and discriminative regions in an image. Those, in turn, can be matched between pairs of images for correspondence search, 3D reconstruction, and so on.

image-processing keypoints-detector numpy orb python

Last synced: 13 Jan 2025

https://github.com/pspanoudakis/data-mining-techniques-projects

Data Visualization 📊 Clustering and Classification 🗂️ techniques on Customer 🛍️ & Book 📖 datasets

customer-personality-analysis goodreads-data matplotlib numpy pandas python-typing seaborn sklearn-classifier sklearn-clustering wordcloud

Last synced: 10 Feb 2025

https://github.com/tansudasli/python-sandbox

Python sandbox w/ core capabilities and pandas, numpy, scipy, matplotlib, BeautifulSoup4 and ml models

beatifulsoup matplotlib numpy pandas python scipy

Last synced: 11 Jan 2025

https://github.com/safo-samson/data-analysis-with-python

This repository is about Data analysis with Python using libraries such as Pandas, Matplotlib, Seaborn, and NumPy to analysis prices of properties in given areas to predict future prices.

matplotlib numpy pandas-dataframe scipy-stats

Last synced: 08 Jan 2025

https://github.com/kiran-kumar-k3/image-color-compression-using-k-means

A Python tool that compresses images using K-Means, shows both the original and compressed images, and lets you save the compressed version while displaying file sizes.

images matplotlib numpy pillow python scikit-learn

Last synced: 11 Jan 2025

https://github.com/yogeshselvarajan/rent-prediction-of-house

We will build a model to estimate the rent by explaining the most influential boroughs of Paris the French capital. The used method is the Multiple Linear Regression .

linear-regression machine-learning multiple-linear-regression numpy pandas prediction price sklearn

Last synced: 11 Jan 2025

https://github.com/summitkwan/dynamicnn

neural network with dynamics

dbm hopfield-network numpy rbm tensorflow

Last synced: 09 Feb 2025

https://github.com/kumaranand05/stock-trading-screener

Stock Screener to perform time-series analysis of NSE listed stocks in real-time and generate actionable trading signals.

finance numpy pandas python time-series-analysis trading

Last synced: 06 Nov 2024