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/ranjan2104/gesture-volume-control-opencv

Gesture Control to change the volume of a computer. We first look into hand tracking and then we will use the hand landmarks to find gesture of our hand to change the volume. This project is module based which means we will be using a previously created hand module which makes the hand tracking very easy.

comtypes ctypes handtrackingmodule math mediapipe-hands numpy opencv python3 time

Last synced: 11 Nov 2024

https://github.com/matsjfunke/feedforward-neural-network-from-scratch

Fully Connected Neural Network (FCNN) from scratch in python & Notes to aid understanding the workings of neural networks

backpropagation forward-propagation gradient-descent mnist neural-network numpy pandas python

Last synced: 07 Dec 2024

https://github.com/samarthgarge/30-days-of-datascience

📊 30 Days of Data Science is a daily challenge to guide you through Data Science essentials. From basics to advanced, this repo offers clear examples, practical exercises, and resources to help you master Data Science, one day at a time. Whether you're new or refining your skills, this challenge has something for you. Join the journey now! 🚀

data-science exploratory-data-analysis machine-learning matplotlib-pyplot numpy pandas python3 seaborn

Last synced: 07 Dec 2024

https://github.com/jparedesds/lazy-classifier-traffic-accidents-madrid

Analysis and predictions of Traffic Accidents in the City of Madrid

datetime hyperopt lazypredict matplotlib numpy pandas pickle requests seaborn sklearn squarify

Last synced: 22 Jan 2025

https://github.com/jparedesds/email-mapi-automation

Automation of documentation entry through email(Outlook/IMAP) to excel and BBDD (ERP)

beautifulsoup4 imap-client numpy outlook pandas regex shutil timestamp xlsxwriter

Last synced: 22 Jan 2025

https://github.com/simeonhristov99/ml_23-24

Practice sessions for the elective course "Machine Learning and Data Mining" in the Faculty of Mathematics and Informatics, Sofia University.

data-science jupyter-notebooks machine-learning matplotlib numpy pandas python3

Last synced: 14 Nov 2024

https://github.com/cchandre/guiding-center

Guiding-center dynamics in plasma physics

gyrokinetic hamiltonian numpy plasma-physics python3 scipy sympy

Last synced: 10 Nov 2024

https://github.com/tsg405/applied-machine-learning-in-python

This Repo contains - Starter files, Coursework, Programming Assignments for the course --> Applied Machine Learning in Python, University of Michigan [COURSERA]

applied-machine-learning assignment classification coursera data-science fruit-dataset machine-learning matplotlib-pyplot numpy pandas python quiz regression scikit-learn scipy seaborn supervised-machine-learning university-of-michigan unsupervised-machine-learning

Last synced: 27 Nov 2024

https://github.com/raoulluque/imagerecognitionfromscratch

Deep neural network implementation from scratch using python and numpy to classify MNIST dataset

digit-recognition machine-learning mnist neural-network numpy python

Last synced: 28 Nov 2024

https://github.com/justinlubin/cobbler

Refactor programs to use library functions!

elm numpy program-synthesis python refactoring

Last synced: 18 Nov 2024

https://github.com/parneet-sandhu/virtual-try-on

This project uses OpenCV, Mediapipe, and NumPy to create an interactive virtual try-on experience. The application overlays a virtual accessory (e.g., glasses) onto the user's face using webcam input and allows users to control the brightness of the camera feed and capture screenshots using hand gestures.

computer-vision mediapipe numpy opencv python tkinter

Last synced: 28 Nov 2024

https://github.com/clementreiffers/maze-creator

a maze generator made in python

matplotlib maze maze-generator numpy python python3

Last synced: 17 Dec 2024

https://github.com/wtcpython/funcdrawer

一个简单,易上手的绘图软件

numpy pyqtgraph pyside6 python

Last synced: 14 Jan 2025

https://github.com/marcelovilla/gdal-py-snippets

Small different-purpose programs using gdal-python bindings (and a fair amount of NumPy)

gdal gdal-python numpy ogr pandas python raster shapefile

Last synced: 23 Jan 2025

https://github.com/concaption/minimem-vector-store

minimem is a minimal implementation of in-memory vector-store using only numpy

numpy vector-store

Last synced: 16 Dec 2024

https://github.com/bhavik-jikadara/car-price-prediction

Car price prediction system to effectively determine the worthiness of the car using a variety of features.

car-price-prediction carpriceprediction dataset machinelearning numpy pandas

Last synced: 18 Jan 2025

https://github.com/bhattbhavesh91/self-attention-python

This repository will guide you to implement a simple self-attention mechanism using the Python's NumPy library

attention-mechanism numpy python self-attention self-attention-implementation

Last synced: 16 Nov 2024

https://github.com/trainingbypackt/data-visualization-with-python-elearning

Create an impact with meaningful data insights using interactive and engaging visuals

data-visualization datascience geoplotlib matplotlib numpy pandas python seaborn

Last synced: 14 Nov 2024

https://github.com/huangyxi/aprint

A Python printing package for those who don't care about the actual elements of array-like data but the types and shapes within a complex data structure

machine-learning machine-learning-library numpy pretty pretty-print print pytorch

Last synced: 12 Dec 2024

https://github.com/fabianacampanari/iris-dataanalysis-seaborn-

🌸 The provided code snippet is a Python script that uses matplotlib to plot the numerical and exact derivatives of a function f4 over a range of values. The script generates a sequence of values x from -5 to 5, calculates the derivatives using two different methods, and then plots the results for comparison.

iris-dataset jupyter-notebook machine-learning matplotlib numpy pandas pyplot python-lambda python3 scikit-learn seaborn seaborn-plots

Last synced: 19 Jan 2025

https://github.com/r13i/painting-with-neural-net

Project to train a neural network to paint using TensorFlow.

jupyter-notebook machine-learning neural-networks numpy python tensorflow

Last synced: 07 Dec 2024

https://github.com/thoduv/pyradar5

Python wrapper for the RADAR5 DDE integrator

differential-equations mathematics numerical-methods numpy physics-simulation python

Last synced: 17 Jan 2025

https://github.com/ranjan2104/face-unlock-and-lock-recogination-system

When using face recognition to unlock your device, your phone could be unlocked by someone or something that looks like your image. The possibility of the exceptional cases where the current detector can mistake fake image as a live input, the decision logic was already applied to strengthen the anti-spoofing function.

isfile join lbph-face-recognizer listdir numpy opencv python3

Last synced: 08 Jan 2025

https://github.com/ruban-edward/ai-virtual-painter

Developed an application that allows us to virtually paint in the air using their fingers. Developed in python using Opencv ,MediaPipe and Numpy

handtrack-library math mediapipe numpy opencv2 os

Last synced: 19 Jan 2025

https://github.com/efecanxrd/dlib-face-detection

The project takes the image from the real time camera with the opencv library. We can process this data with dlib and scan 68 points on our face.

cv2 dlib dlib-face dlib-face-detection dlib-face-recognition dlib-library face-detection face-recognition facedetect facedetection numpy opencv opencv-detection-models opencv-python python python-cv2 pythondlib

Last synced: 15 Jan 2025

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: 04 Dec 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: 10 Jan 2025

https://github.com/crosschainer/e-peen

Benchmark CPU, Benchmark GPU, Storage, RAM using Python

benchmark benchmarking cpu-benchmark gpu-benchmark numpy pyopencl

Last synced: 17 Nov 2024

https://github.com/akash-rajak/image-editor

Python Script for editing image.

cv2 image-editor numpy os python3 random tkinter

Last synced: 05 Dec 2024

https://github.com/pulkin/curious

Parallel sampling of multidimensional functions

integration numerical-optimization numpy python sampling scipy

Last synced: 12 Dec 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/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 Jan 2025

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/danielpuentee/outdpik

The fundamental toolkit for outliers search and visualization. It aims to be the fundamental high-level package for this purpose.

data-analysis matplotlib numpy python

Last synced: 17 Dec 2024

https://github.com/eloyekunle/widompython

Python Data Explorations

jupyter-notebook numpy python

Last synced: 16 Dec 2024

https://github.com/ndom91/newtelco-powercompare

🔋 Internal Datacenter Power Usage Comparison Tool

hacktoberfest mysql netbox numpy pandas postgresql python

Last synced: 12 Jan 2025

https://github.com/simoesleticia/numpy-studies

Explorando e aprimorando habilidades em NumPy

numpy numpy-tutorial python studies

Last synced: 16 Nov 2024

https://github.com/crispengari/keras-api

💎 Introduction to Keras API and TensorFlow for Researchers

ai deep-learning jupyter-notebook keras machine-learning matplotlib numpy python scikit-learn tensorflow

Last synced: 16 Dec 2024

https://github.com/wmramadan/python-examples

Examples of using different python libraries and concepts.

algorithms jupyter-notebooks nltk numpy python python3 tkinter wxpython

Last synced: 09 Nov 2024

https://github.com/docsallover/helmet-and-plate-detection

Helmet and Number Plate Detection using YOLOv3 with opencv and python

data-science detection jupyter-notebook machine-learning numpy opencv python tenserflow yolo yolov3

Last synced: 15 Jan 2025

https://github.com/surajv311/data_analysis-food_recipes_ds

Data preprocessing, cleaning, <Analysis> & plotting 📊 of Food Recipies Dataset (from Kaggle). 🐍 Libraries used: Pandas, Matplotlib, Seaborn, Plotly.📈

data-analysis kaggle-dataset matplotlib numpy pandas plotly seaborn

Last synced: 21 Jan 2025

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

Tensorflow & scikit-learn examples

numpy pandas scikit-learn tensorflow

Last synced: 15 Nov 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/pothosware/pothosnumpy

Pothos toolkit for NumPy API support

dataflow dataflow-programming numpy pothos python

Last synced: 15 Nov 2024

https://github.com/matx64/rs-cvbot

Old School Runescape (MMORPG) Bot created using OpenCV (template matching) for object identification

numpy opencv python

Last synced: 17 Dec 2024

https://github.com/yuweaec/ai-programming-with-python-bertelsmann

This repository aims to provide code and information to help you develop a comprehensive understanding of Python programming in the context of artificial intelligence (AI) applications.

ai bertelsmann data-structures functions jupyter-kernels jupyter-notebook numpy object-oriented-programming pandas python python-packages pytorch scripting udacity-nanodegree

Last synced: 20 Nov 2024

https://github.com/ginberg/boston_housing

Predicting house prices in Boston with python/scikit-learn

jupyter-notebook machine-learning-algorithms numpy predicting-housing-prices python scipy

Last synced: 22 Jan 2025

https://github.com/prakharjadaun/ml-learn-with-me

Learn Machine learning and its different algorithms with me. In this repo, I upload well explained ml algorithms and topics related to statistics.

backpropagation data-visualization keras-neural-networks learn-with-me machine-learning numpy seaborn

Last synced: 18 Jan 2025

https://github.com/hexdecimal/raywizard

A game submitted to the 2021 7DRL. You play as a wizard with magical abilities which can alter the terrain around you.

7drl 7drl2021 itchio libtcod numpy python-3 python-tcod roguelike-game

Last synced: 19 Nov 2024

https://github.com/vinicius999/icu-beds-forecast-covid-19-brazil

Predição do percentual de ocupação de leitos de UTI no Brasil devido a pandemia do COVID-19 tendo como base a evolução da vacinação, usando Support Vector Regression (SVR)

covid-19 gridsearch-tuning matplotlib numpy pandas plotly python sklearn support-vector-regression

Last synced: 13 Nov 2024

https://github.com/hritik5102/numpy-for-beginners

NumPy is a Python library that is the core library for scientific computing in Python.

numpy numpy-arrays numpy-basic numpy-exercises numpy-for-beginners numpy-trick numpy-tutorial

Last synced: 12 Dec 2024

https://github.com/aidarkhaibulov/pendulum-art

Computer graphics artwork. It's raster graphics pendulum-balls implemented by using NURBS curves.

computergraphics matplotlib numpy nurbs-curves

Last synced: 22 Jan 2025

https://github.com/aidarkhaibulov/teapot-art

Computer graphics artwork. It's raster graphics teapot which implemented by using Bresenham's algorithm to draw the lines between points.

bresenham-algorithm computergraphics matplotlib numpy

Last synced: 22 Jan 2025

https://github.com/utsanjan/traffic-prediction-model

Traffic prediction model built with python using Machine learning and Image processing

anaconda image-processing ipynb jupyter-notebook machine-learning matplotlib numpy pip python python3 tensorflow traffic-prediction

Last synced: 22 Nov 2024

https://github.com/eve-ning/numpy_as_strided_guide

NumPy as_strided Guide

numpy numpy-tutorial python

Last synced: 15 Dec 2024

https://github.com/aidarkhaibulov/flower-art

🌼Computer graphics artwork. It's raster graphics flower drawn by using Bézier curves in order to animate petals tearing off.

bezier-curves computergraphics matplotlib numpy

Last synced: 22 Jan 2025

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

A collection of samples about using OpenCV in Python

numpy opencv python3

Last synced: 28 Nov 2024

https://github.com/tushar365/bike-sharing-rental-prediction

Predict Bike🚲 Rentals with Weather! This project uses regression to predict hourly bike rentals by combining historical usage data with weather information. It helps bike-sharing companies optimize resources and improve user experience.

data-science decision-trees knn-regression linear-regression machine-learning matplotlib-pyplot numpy pandas seaborn

Last synced: 03 Dec 2024

https://github.com/lasithaamarasinghe/hand-gesture-math-solver

This project demonstrates a real-time hand gesture recognition system using Python, OpenCV, and Gemini AI by Google.

computer-vision cvzone gemini-ai hand-recognition numpy opencv pillow python visual-studio-code

Last synced: 10 Jan 2025

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

Heart disease describes a range of conditions that affect your heart. Diseases under the heart disease umbrella include blood vessel diseases, such as coronary artery disease, heart rhythm problems (arrhythmia), and heart defects you’re born with (congenital heart defects), among others.

confusion-matrix data-science decision-tree-classifier gaussiannb kneighborsclassifier logistic-regression machine-learning matplotlib-pyplot numpy pandas python random-forest-classifier seaborn svc-svm

Last synced: 17 Jan 2025

https://github.com/yashkarthik/graphicallly

Plot polynomial and trigonometric expressions in browser using python.

dash logarithms numpy plot-functions python3 trigonometric-functions

Last synced: 31 Dec 2024

https://github.com/nomonosound/numpy-rms

Calculate RMS swiftly (SIMD-accelerated)

arm-neon c float32 numpy numpy-library python simd x86-64

Last synced: 15 Dec 2024

https://github.com/marse11e/data-science-exploration

Репозиторий, посвященный изучению различных направлений Data Science! Здесь я собираю материалы, заметки, примеры кода и эксперименты, которые помогут мне в процессе обучения.

jupyter-notebook numpy python

Last synced: 20 Nov 2024

https://github.com/yogeshnile/flight-delay-prediction

In this repo i developed predict a flight delay using machine learning.

flight-delay-prediction jupyter-notebook machine-learning numpy pandas python3 seaborn sklearn

Last synced: 10 Jan 2025

https://github.com/yogeshnile/nifty50-index-time-series-analysis

In this repo i did analysis of Nifty50 five year data from 01-04-2015 to 31-03-2020. Data Downloaded from nse official website.

data-analysis matplotlib nifty numpy pandas plotly python3 time-series-analysis

Last synced: 10 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/masadcv/numpymaxflow

Numpy-based implementation of Max-flow/Min-cut (graphcut) for 2D/3D data

numpy python segmentation

Last synced: 14 Nov 2024

https://github.com/aminkhavari78/geoai-challenge-estimating-soil-parameters-from-hyperspectral-images-

Can you predict soil parameters from hyperspectral earth observation data?

dee keras matplotlib neural-network numpy pandas seaborn

Last synced: 19 Jan 2025

https://github.com/0904-mansi/face-recognition-challenge-engage-22

I propose criminal identification system and missing people identification for Police Department to enhance and upgrade the criminal distinguishing into a more effective and efficient approach. Technology working behind is face recognition.

face-detection face-recognition numpy opencv python3 tkinter-gui

Last synced: 14 Jan 2025

https://github.com/gahogg/rl_learn

A package to accompany the book "Reinforcement Learning: A Python Introduction"

numpy python reinforcement-learning reinforcement-learning-algorithms reinforcement-learning-environments

Last synced: 17 Jan 2025

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

🖼️ Studies and activities of the discipline of Graphic Computing

graphic-computing numpy opencv python

Last synced: 14 Jan 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/w-edward/youtube-keyword-popularity-analyzer

An effort to discover the top trending keywords on Youtube.

data-analysis node-js numpy python webscraping youtube-api

Last synced: 16 Jan 2025

https://github.com/programmer-rd-ai/moviedatascraper

Explore the cinematic universe with our IMDb web scraping project! Dive into movie data with ease, uncovering insights from cast to critical reviews. With dynamic visualizations and reliable data, let's journey through the world of movies like never before. Lights, camera, analysis!

beautifulsoup beautifulsoup4 data data-analysis jupyter-notebook matplotlib numpy pandas programming python python3 scraping seaborn software web

Last synced: 12 Jan 2025

https://github.com/tritonix711/ai-content-verifier

AI Content Verifier is a tool that finds out if text is written by AI or humans. It uses machine learning and natural language processing to give clear results and confidence scores. With an easy-to-use interface, it helps everyone from researchers to content creators check if the content is real or not.

git machine-learning nlp nltk numpy pandas python scikit-learn spacy tkinter

Last synced: 09 Jan 2025

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: 04 Dec 2024

https://github.com/adityajn105/kagglesolvedproblem

Data Science problem on Kaggle Solved by me. Keep improving Accuracy.

kaggle kaggle-competition numpy pandas python scikit-learn tensorflow

Last synced: 15 Nov 2024