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

Collection of performance benchmarks used to present optimizations implemented for Intel(R) Distribution for Python*

benchmark mkl-umath numpy python

Last synced: 15 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/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/simoesleticia/numpy-studies

Explorando e aprimorando habilidades em NumPy

numpy numpy-tutorial python studies

Last synced: 16 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/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/psmths/bigram-file-analysis

Proof of concept that leverages machine learning to classify files based on their bigram frequency distributions.

bigrams file-analysis jupyter-notebook machine-learning matplotlib numpy python

Last synced: 17 Jan 2025

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

Analysis and publication of NumPy community survey results

community development numpy survey

Last synced: 04 Feb 2025

https://github.com/redinfinitypro/chatflow

Rating: (8/10) The project uses natural language processing to create a chatbot capable of understanding user queries. It trains on a dataset of intents, tokenizing patterns, and constructing a neural network model. The model is saved for future use.

json lancasterstemmer nltk numpy pickle random tensorflow tflearn

Last synced: 12 Feb 2025

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 Jan 2025

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 Jan 2025

https://github.com/omkarpattnaik8080/studentperformanceanalysis

"This data analytics project examines student performance using Python and Pandas. Employing statistical analysis and visualization techniques with Matplotlib, it provides insights into academic trends. Explore this repository for data-driven insights essential for enhancing educational strategies and student outcomes."

data-visualization dataanalytics datascience kaggle numpy pandas

Last synced: 14 Jan 2025

https://github.com/omkarpattnaik8080/featureengineering

"Elevating my machine learning projects with this feature engineering repository. Transforming raw data into powerful features, boosting model accuracy. by exploring curated scripts, tools, and resources for an optimized data preprocessing workflow. Unleashing the potential of data and enhancing predictive modeling effortlessly."

feature-engineering matplotlib numpy pandas seaborn

Last synced: 14 Jan 2025

https://github.com/nicolasperez19/mic-master-flex

MicMasterFlex is a web app that allows users to configure the positions of a microphone array on an interactive grid. Designed for audio engineers and researchers, this tool offers an intuitive interface for precise microphone placement, enabling users to simulate and optimize array setups for various acoustic applications.

ai astro audio-processing grid-configuration microphone-array numpy numpy-arrays productivity react research robotics tailwindcss typescript

Last synced: 13 Feb 2025

https://github.com/clayrisser/6-line-neural-net

The smallest neural network

neural-network numpy python

Last synced: 08 Feb 2025

https://github.com/praju-1/numpy

Repository about Numpy and all its method with proper description

numpy python

Last synced: 08 Feb 2025

https://github.com/kunalrrathod/numpy-programs

Numpy Basics for beginners

numpy numpy-arrays numpy-tutorial python

Last synced: 05 Feb 2025

https://github.com/gill-singh-a/rocket-simulator

Simulates the Flight of a Rocket by plotting its Altitude, Vertical Velocity, Vertical Acceleration and Vertical Forces acted upon the Rocket vs Time.

math matplotlib numpy physics python python3 rocket rocket-simulation rocket-simulator simulation simulator sympy

Last synced: 04 Jan 2025

https://github.com/fsquillace/notebooks

Various examples of handy Jupyter notebooks

ipywidgets jupyter-notebook matplotlib numpy

Last synced: 13 Feb 2025

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

implement simple version of "Linear Regression" using only Numpy

linear-regression numpy

Last synced: 05 Feb 2025

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

Python script to snip any part of image.

cv2 gui image image-snipping numpy python3 snip tkinter

Last synced: 01 Feb 2025

https://github.com/spenceypantsy1/mnist-neural-network-with-numpy

A neural network built from scratch using NumPy to classify MNIST handwriting data. Focused on understanding the mathematics and algorithms behind deep learning.

backpropagation deep-learning image-classification machine-learning mathematics mnist neural-networks numpy python

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

https://github.com/harshitwaldia/traffictally

"Detect and count vehicles in videos using OpenCV for accurate analysis in traffic management and monitoring systems."

computer-vision numpy opencv python3 vehicle-counting vehicle-detection

Last synced: 12 Feb 2025

https://github.com/soumyaco/chatclarity

Whats App group chat analytics and Searching (AI powered)

flask fullstack huggingface machine-learning numpy pandas python react-plotlyjs reactjs whatsapp

Last synced: 06 Feb 2025

https://github.com/silveirinhajuan/juanprime

I need help to improve my model and database. JuanPrime is a machine learning project built with PyTorch, focusing on creating a Discord bot. It utilizes natural language processing techniques to provide interactive bot functionalities within the Discord platform.

discord discord-bot discord-py machine-learning machine-learning-algorithms nlp nlp-machine-learning nltk nltk-library nltk-python numpy python pytorch

Last synced: 12 Feb 2025

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

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

jupyter-notebook numpy python

Last synced: 20 Nov 2024

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

Example scripts for generating data with Gecko

data-science numpy pandas python record-linkage

Last synced: 04 Feb 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/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: 19 Feb 2025

https://github.com/gourab-sinha/zomato-data-analysis

This project is all about analysing Zomato Data using Python Packages.

numpy pandas python3 restfulapi

Last synced: 25 Nov 2024

https://github.com/linguini1/typetracker

Analyzes typing data from Keybr.com and displays it graphically according to user preference. Involves polynomial interpolation using Numpy and graph visuals using Matplotlib. Console interface or CLI usage available.

command-line data-visualization graphing keyboard keybr matplotlib numpy polynomial-interpolation python statistics typing typing-practice

Last synced: 19 Feb 2025

https://github.com/amaansayyad/the_next_gen_ai_virtual_steering_wheel

An AI and ComputerVision based implementation to play car racing games in a more interactive and fun way.

ai cv2 imutils numpy python

Last synced: 31 Dec 2024

https://github.com/princebanerjee04/darpansur

"Darpan-Sur" application, your personalized music recommendation platform designed to cater to your emotions. “Darpan-Sur” uses advanced AI algorithms to curate playlists that perfectly match your current mood, making every song a reflection of how you feel. Say goodbye to generic playlists and embrace the power of emotion in your music experience.

cv2 keras mediapipe numpy python tkinter

Last synced: 27 Nov 2024

https://github.com/akash-rajak/image-contours-co-ordinates

Python Script to get the Counters co-ordinates in image.

contours-co-ordinate contours-detection cv2 image numpy python3 tkinter

Last synced: 01 Feb 2025

https://github.com/msjahid/data-science-projects

A collection of data science projects featuring techniques and methodologies for data preprocessing and exploratory analysis.

matplotlib numpy pandas plotly python seaborn

Last synced: 22 Nov 2024

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

Python script to marks the segments in image.

cv2 image-segmentation numpy os python3 random tkinter

Last synced: 01 Feb 2025

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

https://github.com/dhrupad17/python-for-data-science-a-z

This is a practice Repository consisting of all the notebooks I have practiced to learn python for data science from basics to Advance.

flask matplotlib-python numpy pandas-python python python-lambda seaborn-python streamlit

Last synced: 16 Jan 2025

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/real0x0a1/objectdetection

Real-time Object Detection using YOLOv

numpy opencv python python3

Last synced: 13 Jan 2025

https://github.com/raihan4520/ml

A collection of machine learning projects showcasing various algorithms and techniques, including a final project for the Machine Learning course at AIUB.

data-preprocessing jupyter-notebook machine-learning model-evaluation numpy pandas python scikit-learn

Last synced: 11 Feb 2025

https://github.com/ineelhere/machine-learning-and-data-science

This repository contains basic to advanced codes related to data science and machine learning concepts using python. This is a learning endeavour using several online resources.

datascience machinelearning matplotlib numpy pandas scikitlearn seaborn

Last synced: 13 Feb 2025

https://github.com/gitaditee/extended-kalman-filter-algorithms

Kalman filter is an algo for estimating the state of a system for position and the speed of a car using past observation and current un- noising measurement of the system.

algorithms numpy python3

Last synced: 22 Jan 2025

https://github.com/vlouf/phasespace

Histogram in a phase-space

histogram numpy phasespace

Last synced: 09 Jan 2025

https://github.com/ujstor/data-science-introduction

Introduction to the field of data science, covering fundamental concepts, processes, and tools.

data-science ml numpy pandas python sql static

Last synced: 22 Jan 2025

https://github.com/dineshpinto/data-aggregator

A high performance solution to analysing millions of incoming data points using JIT, vectorisation and C arrays.

data-science high-performance numpy python

Last synced: 04 Feb 2025

https://github.com/lucasalegre/backpropagation

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

classification machine-learning neural-network numpy

Last synced: 01 Feb 2025

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

https://github.com/moindalvs/assignment_random_forest_2

A cloth manufacturing company is interested to know about the segment or attributes causes high sale. Approach - A Random Forest can be built with target variable Sale (we will first convert it in categorical variable) & all other variable will be independent in the analysis.

data-science hyperparameter-tuning numpy pandas python random-forest-classifier sklearn

Last synced: 18 Jan 2025

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: 15 Feb 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/nemeslaszlo/pagerank_and_hits

PageRank and Hyperlink-Induced Topic Search (HITS) link analysis algorithms.

hits-algorithm jupyter-notebook numpy pagerank-algorithm

Last synced: 29 Jan 2025

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: 15 Feb 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/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/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/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: 08 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/michedev/tensorguard

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

deep-learning numpy pytorch tensorflow

Last synced: 13 Feb 2025

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

simple neural network without hidden layer

logistic-regression neural-network numpy

Last synced: 05 Feb 2025

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

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