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/vectominist/face-image-morphing

๐Ÿง’๐Ÿป๐Ÿ‘จ๐Ÿผ๐Ÿ‘ฑ๐Ÿพโ€โ™€๏ธ๐Ÿ‘ถ๐Ÿป Face Image Morphing: an OpenCV and NumPy Implementation

computer-graphics computer-vision dlib image-metamorphosis image-processing morphing numpy opencv

Last synced: 14 Oct 2024

https://github.com/alejo1630/truss_solver

This Python code solves any 2D truss structure using the joints method

linalg numpy python truss truss-solver

Last synced: 08 Nov 2024

https://github.com/flaport/eigs

Find Eigenvalues and Eigenvectors with Rust using UMFPACK + ARPACK

arpack eigenvalues eigenvectors eigs eigsh modes modesolver numpy python rust scipy suitesparse umfpack

Last synced: 31 Oct 2024

https://github.com/sb-child/spectrum-analyzer

a simple spectrum analyzer (audio visualizer) using python and esp8266

arduino audio esp8266 fft fft-analysis led numpy platformio python spectrum u8g2 visualizer

Last synced: 13 Nov 2024

https://github.com/rithwikksvr/positive-negative-review-classifier

We always give ratings and reviews to many products that we buy online. So these online companies have to check constantly about the review of their products. Currently they use Machine Learning to assess the Rating of a Product and can get can a sense by applying classifiers on these reviews. In the end these classifiers can classify if a review is a Positive or a Negative one.

deep-learning keras machine-learning ml nlp numpy python

Last synced: 13 Nov 2024

https://github.com/sanjinkurelic/flaskalpr

Flask ALPR is a web service for automatic license plate recognition (ALPR). The web service is written in Python using Flask for REST API and OpenCV with PyTesseract for plate recognition. The service offers two REST API-s, one for checking if licence plate is detected and one for detecting licence plate from camera image. All detected licence plates are automatically stored in a SQLite database using the SQLAlchemy library.

alpr flask flask-sqlalchemy imutils numpy opencv opencv-python pytesseract pytesseract-ocr python-dateutil python-ocr sqlalchemy sqlite-python sqlite3 tesseract tesseract-ocr

Last synced: 06 Nov 2024

https://github.com/n8henrie/simplenet

A simple neural network in Python

machine-learning neural-network numpy pythonista

Last synced: 11 Oct 2024

https://github.com/cwjokaka/python-ml-pyqt

A Machine-Learning visual GUI created with Python3

algorithm gui machine-learning matplotlib ml numpy pyqt python

Last synced: 12 Oct 2024

https://github.com/jintao-huang/leetcode-cpp

jintao็š„cppๅบ“: leetcode, mini_stl, ml.

algorithm cpp cpp17 data-structure leetcode machine-learning mini-stl numpy stl

Last synced: 05 Nov 2024

https://github.com/sondosaabed/advanced-data-wrangling

In this advanced course, Learning the three phases of data wrangling: gathering, assessing, and cleaning data.

data-analysis data-analyst-nanodegree data-wrangling numpy pandas python

Last synced: 06 Nov 2024

https://github.com/azogue/rpi_docker_base

Docker container for RPI3 SaaS development, with Python 3.6.6, Numpy, Pandas and Scipy installed

docker-image numpy pandas python-3-6 scipy

Last synced: 23 Oct 2024

https://github.com/yashika-malhotra/exploratory-data-analysis-for-multinational-retail-corporation

Analysis via CLT and Visualization on Multinational Retail Corporation's data to provide insights and recommendations to improve their userbase.

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

Last synced: 14 Nov 2024

https://github.com/mayukhdeb/gradient-games

mostly contains scratchy numpy code to build and train basic neural networks. You might also find a few experiments on torch.

neural-networks numpy

Last synced: 01 Nov 2024

https://github.com/mai1902/machinelearning-virtualtryon

A tool utilize augmented reality (AR) application which allows user to try on lipstick virtually on their static image, along with lipstick recommendation system bases on costumer preference post trial.

augmented-reality dlib-face-detection numpy opencv python sklearn virtual-tryon-ecommerce

Last synced: 12 Oct 2024

https://github.com/nifadyev/integrate-simpson

Integrate function using Simpson method

click numpy scipy

Last synced: 07 Nov 2024

https://github.com/bemwamalak/mathsolver

A math solver project made for mathematics course at Cairo University.

linear-algebra numpy python sympy

Last synced: 13 Nov 2024

https://github.com/wtcpython/funcdrawer

ไธ€ไธช็ฎ€ๅ•๏ผŒๆ˜“ไธŠๆ‰‹็š„็ป˜ๅ›พ่ฝฏไปถ

numpy pyqtgraph pyside6 python

Last synced: 14 Nov 2024

https://github.com/jwillikers/detectionator

A Raspberry Pi camera for taking pictures using object detection.

camera computer-vision gps numpy object-detection opencv python raspberry-pi tensorflow tensorflow-lite

Last synced: 08 Nov 2024

https://github.com/burhanahmed1/twitter-sentiment-analysis-using-pyspark

This repository contains a project that demonstrates how to perform sentiment analysis on Twitter data using Apache Spark, including data preprocessing, feature engineering, model training, and evaluation.

apache-spark batch-gradient-descent kmeans-clustering knearest-neighbor-classification machine-learning matplotlib nltk-python numpy pandas pyspark python schotastic-gradient-descent seaborn sentiment-analysis textblob-sentiment-analysis

Last synced: 12 Oct 2024

https://github.com/nkhilgaba/xirr-calculator

This Flask app helps you calculate XIRR based on your Mutual-Funds(India) investments in the form of monthly SIPs(currently) and lump sums as Cash-flow.

flask mutual-funds numpy pandas quandl-api xirr

Last synced: 06 Nov 2024

https://github.com/andreypomortsev/yndx-python-handbook

100% test-covered solutions for the Yandex Python Basics tasks with configured CI

algorithms ci coverage discrete-mathematics flake8 github-actions math numpy pandas poetry pytest python3 requests

Last synced: 10 Nov 2024

https://github.com/manikantasanjay/loan_repayment_regression_project

Prediction Of Loan Repayment using Sequential Neural Networks on Lending Club Dataset.

data-analysis data-visualization lending-club loan-repayment matplotlib numpy pandas-library seaborn tensorboard tensorflow

Last synced: 05 Nov 2024

https://github.com/xoolive/pyseminar

Brush up your Python skills, a 3-session seminar

altair numpy pandas protocols python

Last synced: 12 Oct 2024

https://github.com/brightway-lca/matrix_utils

Utilities to build and iterate on matrices using datapackages

matrix numpy

Last synced: 13 Oct 2024

https://github.com/samyak2/numpytorch

Simple neural network implementation in numpy with a PyTorch-like API

deep-learning neural-network numpy pytorch

Last synced: 11 Nov 2024

https://github.com/yanorei32/savacs

Senior Assisting Video & Audio Communication System

docker gtk kicad mariadb microchip-pic numpy opencv php raspberry-pi requests

Last synced: 27 Oct 2024

https://github.com/machphy/python_programming_

Here is all python program , For beginner to supper , for machine learning and As a best language for me "python"

filehandling function list modules multithreading numpy oops-in-python os python-data-analysis thinker tuples

Last synced: 13 Nov 2024

https://github.com/vasulab/rgfrosh

A frozen shock solver for ideal and real gas equations of state.

equation-of-state ideal-gas numpy python real-gas shock-tube

Last synced: 11 Oct 2024

https://github.com/Rahulkumarr2080/Comcast-Telecom-Consumer-Complaints

Comcast is an American global telecommunication company. The firm has been providing terrible customer service. They continue to fall short despite repeated promises to improve. Only last month (October 2016) the authority fined them $2.3 million, after receiving over 1000 consumer complaints. The existing database will serve as a repository of public customer complaints file.

comcast-telcom-complaints data-science data-scientists data-visualization datascience datascience-with-python jupyter-notebook matplotlib numpy pandas python python-for-data-science rahul-kumar rahul-kumar-thakur

Last synced: 30 Oct 2024

https://github.com/regalk13/facial-recognition

Python Facial Recognition using Opencv and numpy.

numpy opencv-python python recognition-face

Last synced: 10 Nov 2024

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/intelpython/mkl_umath

Package implementing NumPy's UFuncs based on SVML and MKL VML

mkl numpy python

Last synced: 11 Oct 2024

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

One tensor operation is all you need

array deep-learning einops jax numpy python

Last synced: 11 Oct 2024

https://github.com/omkarpattnaik8080/diabetiespredictionsystem

"This machine learning project predicts diabetes risk, utilizing Python and scikit-learn. Employ AWS for model deployment, ensuring scalability and reliability. Explore predictive analytics to identify factors influencing diabetes onset, enabling proactive healthcare interventions for improved patient outcomes and disease management."

aws machine-learning matplotlib numpy pandas python

Last synced: 14 Nov 2024

https://github.com/omkarpattnaik8080/employeeretentionprediction

"This machine learning project predicts employee retention, employing Python and scikit-learn. Utilize AWS for model deployment, ensuring scalability and reliability. Explore predictive analytics to identify factors influencing employee turnover, facilitating proactive retention strategies for organizational stability and growth."

aws data-science machine-learning matplotlib numpy pandas seaborn

Last synced: 14 Nov 2024

https://github.com/bucknalla/ofdm_verilog

Example of OFDM in Python and Verilog

commpy numpy ofdm radio

Last synced: 11 Nov 2024

https://github.com/diusmontenegro/python3-miniprojects

This my mini-projects that you may be interested in doing too... Enjoy!!

langdetect machine-learning matplotlib numpy opencv python3 tabula tkinter-gui torch

Last synced: 12 Nov 2024

https://github.com/shreyansh055/dynamic_pricing_strategy_055

Dynamic Pricing Strategy Project: This project utilizes machine learning algorithms in Python to optimize ride-sharing prices through real-time demand and supply analysis. By leveraging historical Uber data, it dynamically adjusts prices to maximize revenue and improve customer satisfaction.

machine-learning numpy pandas python scikit-learn

Last synced: 14 Nov 2024

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

Deep learning library inspired by Keras

keras machine-learning machine-learning-library numpy python

Last synced: 10 Oct 2024

https://github.com/vlouf/phasespace

Histogram in a phase-space

histogram numpy phasespace

Last synced: 11 Nov 2024

https://github.com/michedev/tensorguard

TensorGuard helps to guard against bad Tensor shapes in any tensor based library

deep-learning numpy pytorch tensorflow

Last synced: 03 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: 10 Oct 2024

https://github.com/vaibhav-kesarwani/books_recommendation_system

A ๐—•๐—ผ๐—ผ๐—ธ ๐—ฅ๐—ฒ๐—ฐ๐—ผ๐—บ๐—บ๐—ฒ๐—ป๐—ฑ๐—ฎ๐˜๐—ถ๐—ผ๐—ป ๐—ฆ๐˜†๐˜€๐˜๐—ฒ๐—บ ๐Ÿ“š uses algorithms to suggest books based on user preferences and behavior. It personalizes recommendations, helping readers discover new titles that match their interests ๐ŸŒŸ.

dataset jupyter-notebook numpy pandas plotly python3 sklearn

Last synced: 10 Oct 2024

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: 12 Nov 2024

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: 11 Nov 2024

https://github.com/summitkwan/dynamicnn

neural network with dynamics

dbm hopfield-network numpy rbm tensorflow

Last synced: 29 Oct 2024

https://github.com/datarohit/california-house-price-prediction

This dataset has various features about houses in California and we have to predict the price of the houses using Regression Algorithm.

matplotlib-pyplot numpy pandas regression seaborn sklearn

Last synced: 05 Nov 2024

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: 11 Nov 2024

https://github.com/ranjan2104/multi-face-recognition-based-detect-system

Face Recognition System Uses for multi Face Detection. It is a Real time Detection System that can be Easily Port on any Hardware Devices due to its written in python. The Model First Train the Faces and after that Predict the output with more than 85%+ confidence due to its model classifier training with good algorithms so that predict with more accuracy by the help of OpenCV Module Haarcascade classifier and using numpy and pandas to fiIt is a Multi nd an pixel array of images and put operations over there.

datetime numpy opencv-contrib-python pandas pillow pytest-shutil python-csv time tk-tools

Last synced: 11 Nov 2024

https://github.com/datarohit/clothes-size-prediction

This dataset has the age, weight, height, etc about people and the size of clothes that they wear. This dataset has a lot of outliers in it thus reducing the accuracy of the model.

classification machine-learning matplotlib-pyplot numpy pandas seaborn sklearn

Last synced: 05 Nov 2024

https://github.com/ehtisham-sadiq/ai-pioneers-datascience-arena

This repository is dedicated to the AI Amigos team's participation in the Artificial Intelligence (AI) competition with a focus on Data Science.

artificial-intelligence competition data-analysis data-science data-visualization machine-learning model-building model-evaluation numpy pandas python3 supervised-learning unsupervised-learning

Last synced: 12 Nov 2024

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/ei-grad/bincount

No-copy parallelized bincount returning dict

bincount cython numpy python statistics

Last synced: 14 Nov 2024

https://github.com/datarohit/python-for-finance

These Files are from Derek Banas Youtube Tutorial on Python for Finance used by me for Learning Purpose. These Include Stock Price Analysis, Portfolio Creation, Forecasting and Many more.

arima-forecasting arima-model finance-analytics matplotlib numpy pandas plotly python seaborn

Last synced: 05 Nov 2024

https://github.com/yuanx749/complex_systems

A Python package for studying complex systems.

jupyter matplotlib networkx numpy pep8 project scipy streamlit

Last synced: 10 Nov 2024

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: 10 Nov 2024

https://github.com/datarohit/walk-or-run-image-classification

This is Deep Learning project made using InveptionV3 model and Images taken from Kaggle to predict if the person in Image is Walking or Running.

cnn-classification inceptionv3 keras keras-tensorflow matplotlib numpy tensorflow

Last synced: 05 Nov 2024

https://github.com/msjahid/machine-learning-projects

A collection of machine learning projects featuring models and algorithms for supervised and unsupervised learning, model evaluation, and optimization.

jupyter matplotlib numpy pandas python scikit-learn seaborn

Last synced: 11 Oct 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: 10 Nov 2024

https://github.com/daniel-furman/lwmcmc

MCMC parameter space sampling via Metropolis-Hastings

bayesian-inference mcmc metropolis-hastings-algorithm numpy parameter-space-sampling

Last synced: 11 Nov 2024

https://github.com/zqpei/pybind11_cpp_python

cpp call python, or python call cpp, hybrid programming using pybind11, with and without numpy

cpp cpp-call-python mat-numpy numpy opencv-numpy pybind11 python python-call-cpp

Last synced: 10 Nov 2024

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

Rubic Cube Detection Using OpenCV

argparse numpy opencv opencv-python os python3

Last synced: 12 Nov 2024

https://github.com/hrolive/python4hpc

Python from an HPC viewpoint, the most practical tools, and various indispensable libraries for HPC use cases.

cudf cython dask developer-tools high-performance-computing mpi4py numpy pandas python

Last synced: 09 Nov 2024

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: 10 Nov 2024

https://github.com/ayushmankumar7/pyopencl-windows

Install PyOpenCL for Windows ๐Ÿ˜‰

numpy opencl pyopencl python python3 windows windows-10

Last synced: 14 Oct 2024

https://github.com/stanczakdominik/schrodinger_1d

Schrodinger equation solver in 1D

matplotlib numpy pde schrodinger-equation

Last synced: 21 Oct 2024

https://github.com/sbozzolo/open-source-tools-for-physics

Material from the seminar cycle "Open Source: Tools for Physics" held in AUTH (Thessaloniki) in May 2017

bash beamer emacs git github latex linux matplotlib numpy python python3 scipy seminar

Last synced: 23 Oct 2024

https://github.com/nikoshet/amazon-customer-reviews-data-mining

Project for course 'Data Mining' for M.Sc. 'Data Science and Machine Learning' in NTUA

data-mining data-science keras-tensorflow numpy pandas python

Last synced: 09 Nov 2024

https://github.com/harveyrdonnelly/maclaurin-series-models

A library of interactive Maclaurin Series Mathematical Models written in Python, including trigonometric and exponential functions.

maclaurin-series mathematical-modelling mathematics mathematics-education matplotlib numpy python python3 seaborn

Last synced: 15 Oct 2024

https://github.com/pyladiesams/data-interpretation-beginner-sep2020

An introduction to Data Interpretation and Storytelling with Python

jupyter matplotlib numpy pandas workshop

Last synced: 09 Nov 2024

https://github.com/kinoute/l-layers-xor-neural-network

A L-Layers XOR Neural Network using only Python and Numpy that learns to predict the XOR logic gates.

arguments deep-learning neural-network numpy python python3 script xor xor-neural-network

Last synced: 09 Nov 2024

https://github.com/numpy/user-survey-2020-details

Analysis and publication of NumPy community survey results

community development numpy survey

Last synced: 07 Oct 2024

https://github.com/cusyio/datenverarbeitung-mit-numpy

Kurs zum Schreiben und Optimieren eigener Programme zur Datenverarbeitung mit Numpy.

numpy

Last synced: 10 Nov 2024

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: 10 Nov 2024