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/hamdivazim/examresultsjupyter

A project I made back in 2021! Plots graphs using csv data.

graphing ipython-notebook jupyter-notebook matplotlib matplotlib-pyplot numpy pandas seaborn table

Last synced: 13 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/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/soumyapro/solar-cells-output-prediction

Solar Power forecasting for a Solar Power System is a very active research field, as reliable information about the future power generation allow for a safe operation of the power grid and helps to minimize the operational costs. Deep Learning algorithms have shown to be very powerful in forecasting tasks, such as economic time series or speech recognition. Up to now, Deep Learning algorithms have only been applied sparsely for forecasting renewable energy power plants. By using different Deep Learning Algorithms, such as RNN,LSTM with different Feature extraction method like PCA,1D CNN , Auto encoders , My motive is to show the forecast strength of these algorithms compared to a standard MLP and traditional machine learning model in forecasting the energy output of 21 solar power plants.

lstm-neural-networks matplotlib-pyplot mlp numpy pandas

Last synced: 12 Nov 2024

https://github.com/pferreirafabricio/graphic-computing

🖼️ Studies and activities of the discipline of Graphic Computing

graphic-computing numpy opencv python

Last synced: 14 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/gandhasiri-rahul-mohan/random-forests-q2-company_data

About the data: Let’s consider a Company dataset with around 10 variables and 400 records.

data-science machine-learning numpy pandas python random-forest seaborn-plots

Last synced: 14 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/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/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/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: 12 Nov 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/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/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/bucknalla/ofdm_verilog

Example of OFDM in Python and Verilog

commpy numpy ofdm radio

Last synced: 11 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/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/gandhasiri-rahul-mohan/random-forests-q1-fraud_check

Use Random Forest to prepare a model on fraud data treating those who have taxable_income <= 30000 as "Risky" and others are "Good"

data-science machine-learning numpy pandas python random-forest

Last synced: 14 Nov 2024

https://github.com/vlouf/phasespace

Histogram in a phase-space

histogram numpy phasespace

Last synced: 11 Nov 2024

https://github.com/konjkov/pycasino

Python realisation of Casino (QMC) program

mpi4py numba numpy python3 quantum-chemistry quantum-monte-carlo scipy

Last synced: 13 Oct 2024

https://github.com/summitkwan/dynamicnn

neural network with dynamics

dbm hopfield-network numpy rbm tensorflow

Last synced: 29 Oct 2024

https://github.com/tylerdougan/waltlabtools

A collection of tools for biomedical research assay analysis in Python.

assay biomedical-data-science calibration-curve concentrations curve-fitting diagnostics elisa modeling numpy python

Last synced: 14 Oct 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/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/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/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/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/lyqht/sg-bill-org-scraper

Web scraper to get Singapore Billing Organisations

jupyter-notebook numpy pandas python3 rpa scraping tagui

Last synced: 09 Nov 2024

https://github.com/yash22222/terrorist-activity-forecasting-and-risk-assessment-system

In an era marked by global security challenges, the "TAFRAS" emerges as a cutting-edge solution to tackle the ever-evolving threat of terrorism. The project is grounded in the urgent need for predictive systems that can anticipate, assess, and mitigate potential terrorist activities.

corpora data-vizualisation folium-maps gensim global-terrorism-database lda machine-learning matplotlib networkx nltk nmf numpy pandas python random-forest-classifier seaborn sklearn spacy textblob vader-sentiment-analysis

Last synced: 09 Nov 2024

https://github.com/engageintellect/bitcoin-price-predictor

This Python project predicts whether the price of Bitcoin will increase or decrease on the next day, using historical price data and machine learning. Additionally, the project visualizes Bitcoin's price movements using candlestick charts along with moving averages for different timeframes.

bitcoin machine-learning matplotlib mplfinance numpy pandas python scikit-learn visualization yfinance

Last synced: 09 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/joseabrantesjr/previsai

O PrevisAI é uma aplicação que utiliza tecnica avançada de deep-learning para prever os preços de fechamento de ações, ETFs, Fundos Imobiliários, Criptomoedas, etc.

acoes criptomoedas deep-learning etf fii keras mercado-financeiro numpy pandas previsao python scikit-learn tensorflow trade trading yfinance

Last synced: 31 Oct 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/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/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/amankanojiya/rubic-cube-detector

Rubic Cube Detection Using OpenCV

argparse numpy opencv opencv-python os python3

Last synced: 12 Nov 2024

https://github.com/sun-data/colorsynth

A Python library for creating false-color images from Numpy arrays of spectral intensity

cie1931 color-theory false-color-image image-processing matplotlib numpy spectrogram spectroscopy

Last synced: 20 Oct 2024

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/iamncj/missing-kit

The missing tool kit for MVS researchers

cg colmap cv numpy open3d opencv sfm

Last synced: 07 Nov 2024

https://github.com/pjessesco/print2d

Replacement of `print()` for printing 2d array with readability including Torch and Numpy.

formatted-text numpy print python3 readability torch

Last synced: 15 Oct 2024

https://github.com/zceemja/si-base

A basic python package that converts numerical strings with units to base units

conversion jax numpy python scientific scipy

Last synced: 14 Oct 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/chrismaree/icao-weather-analysis-python

Repository for ELEN3007 - Probabilistic Systems Analysis Assignment assignment using Jupyter Notebooks and Numpy to preform calculations

jupyter-notebook numpy

Last synced: 16 Nov 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/adtzlr/named-einsum

NumPy's Einsum, but with named subscripts.

einsum numpy python

Last synced: 13 Nov 2024

https://github.com/deep-diver/logistic-regression

simple neural network without hidden layer

logistic-regression neural-network numpy

Last synced: 23 Oct 2024

https://github.com/g0r0kh/clustering

k-means & hierarchical clustering

conda matplot numpy pandas scikit-learn scipy sklearn

Last synced: 14 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/illagrenan/django-numpy-json-encoder

Django JSON encoder with numpy support

django json numpy python

Last synced: 07 Nov 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: 15 Oct 2024

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/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/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/milind220/hk-air-quality-analysis

My final project for a statistics and data analysis course. Whew that was a lot of graphs!

data-analysis jupyter-notebook numpy pandas python python3 scipy seaborn statistics

Last synced: 09 Nov 2024

https://github.com/lucasalegre/backpropagation

Implementation of a fully connected neural network from scratch using numpy.

classification machine-learning neural-network numpy

Last synced: 15 Oct 2024

https://github.com/i4ds/ecallisto_ng

Ecallisto NG is a Python package tailored for interacting with Ecallisto data.

data-analysis data-visualization e-callisto ecallisto-international-network numpy pandas python spectrometer

Last synced: 09 Nov 2024

https://github.com/miteshputhran/analysis-using-python

Analysis using Natural Language Toolkit(NLTK), Numpy, Pandas and Matplotlib

analysis folder-structure json matplotlib nltk numpy pandas python zipf

Last synced: 15 Oct 2024

https://github.com/miteshputhran/nyc-vehicle-collision-analysis

Used vehicle collision data from NYC Open Data to analyse various factors for collisions, identifying the vehicle type involved in the crashes and using weather dataset to identify how snowfall and precipitation had caused increase in collisons

collision csv folder-structure json matplotlib newyork numpy nyc pandas python vehicles

Last synced: 15 Oct 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

https://github.com/asem000/sepes

Nested tree tools in python

jax nested-structures numpy torch tree

Last synced: 14 Oct 2024

https://github.com/yashkarthik/graphicallly

Plot polynomial and trigonometric expressions in browser using python.

dash logarithms numpy plot-functions python3 trigonometric-functions

Last synced: 08 Nov 2024

https://github.com/mycroftai/pyache

Python numpy caching library

caching library numpy

Last synced: 13 Nov 2024

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: 11 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/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/fsquillace/notebooks

Various examples of handy Jupyter notebooks

ipywidgets jupyter-notebook matplotlib numpy

Last synced: 01 Nov 2024

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/owainkenwayucl/fractals

Python (some Julia!) tools for generating fractals

julia-sets julialang mandelbrot numpy python3

Last synced: 14 Oct 2024

https://github.com/vmeazevedo/text_codifier

Script para codificação/decoficação de dados armazenados em um arquivo de texto.

numpy opencv

Last synced: 01 Nov 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: 13 Oct 2024

https://github.com/deep-diver/linear-regression

implement simple version of "Linear Regression" using only Numpy

linear-regression numpy

Last synced: 23 Oct 2024

https://github.com/fuzailpalnak/fragment

Divide the Image in to Multiple fragments

image-operations numpy python

Last synced: 07 Nov 2024

https://github.com/florianwoelki/neural-network-weed-detection

This repository contains a custom made neural network which will classify weed.

classification images multiclass-classification multiclass-neural-network neural-network numpy python3

Last synced: 14 Oct 2024

https://github.com/abaofromcug/i-love-python

this reponsitory is for python or Jupyder

jupyter-notebook machine-learning matplotlib numpy python3 scipy

Last synced: 16 Nov 2024

https://github.com/daquintero/numpsy

Integration of NumPy, SymPy, SciPy, and Pandas into a single extendable mathematical framework.

integration numpsy numpy pandas python3 scientific scipy sympy

Last synced: 13 Oct 2024