An open API service indexing awesome lists of open source software.

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/tasninanika/k-nearest_neighbors

K-Nearest Neighbors (KNN) is a simple and powerful machine learning algorithm used for classification and regression.

knn matplotlib numpy python3 seaborn

Last synced: 16 Aug 2025

https://github.com/psp515/differentalequations

Differental Equations course on AGH UST 22/23.

numerical-methods numpy python

Last synced: 14 May 2025

https://github.com/alisonmitchell/boston-housing

Investigation of the Boston housing dataset to evaluate, train and test a regression model to predict house prices.

data-science machine-learning matplotlib numpy pandas python scikit-learn scipy seaborn

Last synced: 07 Sep 2025

https://github.com/brandoncardoso/mnk

An MNK game library.

game mnk numpy python tictactoe

Last synced: 20 Jul 2025

https://github.com/priyanshgoantiya/ml-from-scratch-without-sklearn

This repository contains machine learning algorithms implemented from scratch using only NumPy—without relying on scikit-learn or other high-level ML libraries. The goal is to provide a deeper understanding of how fundamental machine learning models work under the hood by implementing them step by step.

numpy

Last synced: 16 Aug 2025

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

Example data sources as a starting point for working with Gecko

data-science numpy pandas python record-linkage

Last synced: 29 Mar 2025

https://github.com/aahnik/gdsc-ml-ds-bootcamp-2023

This repo contains files given by my seniors as well as assignments and final project done by me during the bootcamp.

data-science machine-learning ml numpy pandas python3 scikit-learn

Last synced: 28 Oct 2025

https://github.com/avijit-jana/used-car-price-prediction

A Streamlit-based application utilizing machine learning to predict used car prices based on features like make, model, year, fuel type, and transmission, enhancing customer experience and streamlining the pricing process.

carpriceprediction data-science jupyter-notebooks machine-learning numpy pandas pickle pricing-data-science python3 streamlit streamlit-webapp webapplication

Last synced: 30 Dec 2025

https://github.com/hamdaniqhmqd/sistem-cerdas

I use this repository for my storage, especially in the intelligent systems course in semester 3

matplotlib numpy pandas python streamlit

Last synced: 03 Apr 2025

https://github.com/binarymax/multilabel

Multi-hot label encoding for NumPy

multihot numpy

Last synced: 21 Jul 2025

https://github.com/aarryasutar/hate_speech_detection

This project aims to detect hate speech on Twitter using advanced NLP and machine learning techniques, exploring feature extraction methods like TF-IDF and sentiment analysis, and evaluating models such as Logistic Regression and SVM.

confusion-matrix doc2vec gensim logistic-regression matplotlib naive-bayes nltk numpy pandas python random-forest scikit-learn seaborn stemming stopwords-removal svm tf-idf-vectorizer tokenization vader word-cloud

Last synced: 30 Dec 2025

https://github.com/yogeshnile/ipl-first-inning-score-prediction

In this repo I have develop a first innings score prediction in ipl using machine learning.

ipl linear-regression machine-learning numpy pandas prediction python3 seaborn sklearn

Last synced: 27 Feb 2025

https://github.com/muhammad-fiaz/gpt

A simple implementation based on the "Attention is All You Need" paper, using GPT-2 for text generation.

attention-is-all-you-need gpt gpt-2 gpt-3 gpt-implementation gpt-using-pytorch gpt2 numpy open-source paper-implementations python pytorch pytorch-implementation

Last synced: 01 Apr 2025

https://github.com/geson-anko/numpy_ndarray_msgs

A ROS2 package for transmitting NumPy ndarrays between ROS2 nodes.

messaging numpy python ros2

Last synced: 17 Aug 2025

https://github.com/nishkarsh25/end_to_end_real_estate_price_prediction_project

This data science project series walks through step by step process of how to build a real estate price prediction website. We will first build a model using sklearn and linear regression using banglore home prices dataset from kaggle.com. Second step would be to write a python flask server that uses the saved model to serve http requests....

css html javascript jupyter-notebook matplotlib numpy pandas python python-flask-server sklearn

Last synced: 15 Mar 2025

https://github.com/mtgsoftworks/blink-detecion-player

It is a software that has the ability to stop and play the videos watched on youtube and rewind when the eyes of this software are closed and opened.

dlib numpy opencv-python python3 scipy selenium-webdriver

Last synced: 17 Aug 2025

https://github.com/docsallover/spam-detection

Building a Spam Filter with Python: Using Machine Learning to Combat Spam

datascience flask jinja2 machine-learning numpy numpy-library pandas pandas-python python python3 scikit-learn

Last synced: 30 Dec 2025

https://github.com/winter000boy/my-project-portfolio

Welcome to My Project Portfolio! This repository is a comprehensive collection of my work in Java programming, Python development, Machine Learning (ML), Artificial Intelligence (AI), and Web Development. Organized for ease of access, this portfolio highlights innovative and practical projects tailored to solve real-world challenges.

ai artificial-intelligence artificial-neural-networks bootstrap data-science deep-learning flask-application java-projects machine-learning numpy pandas-python potfolio-site python-projects python3 spring-boot tkinter-gui web-development

Last synced: 14 Jul 2025

https://github.com/quinta0/pycolors

A python program to help people with color blindness recognize color in an image

colorblindness colors image-processing numpy pandas-dataframe python tkinter-gui

Last synced: 24 Feb 2025

https://github.com/ashar97/financial-engineering

Financial Engineering Practicum Assignments

financial-engineering matlab numpy pandas python r yahoo-finance

Last synced: 28 Feb 2025

https://github.com/vartikaraj2512/animalclassification

🐾 Animal Classification: Classify 28K animal images into 10 categories using CNNs with Transfer Learning. 📥 Load & extract data, 🔄 preprocess images, 🧠 train models (VGG-16 & ResNet50), and 📈 plot performance. Libraries: OpenCV (BGR), TQDM (progress bars), Categorical (one-hot encoding). 🛠️ Install: pip install tensorflow numpy opencv-python

classification cnn kaggle machine-learning numpy opencv pandas tensorflow

Last synced: 20 Jan 2026

https://github.com/arshitarora/image-overlaying-prespective

Perform perspective warping and image fusion in Python using OpenCV and NumPy. Select four points on the base image to define the region where the subject image will be warped and fused. The script creates a fused image and saves it as Final_Output.png. 🖼️🌌🔮

image numpy opencv python swap

Last synced: 29 Mar 2025

https://github.com/mchenryspagg/prosper-loan-project

A data analysis project that entails using the data from a fictional loan company known as Prosper to perform exploratory data analysis using univariate, bivariate and multivariate visualizations to produce insights that answers questions asked from the data

datastorytelling exploratory-data-analysis exploratory-data-visualizations jupyter-notebook matplotlib-pyplot numpy pandas python seaborn-plots

Last synced: 01 Sep 2025

https://github.com/virajbhutada/article-recommendation-system

This project aims to redefine content discovery by delivering personalized article recommendations tailored to individual user preferences. We use advanced machine learning techniques like PCA and K-means clustering to analyze user behavior and article characteristics to provide highly accurate recommendations.

anaconda article-recommendation clustering-algorithm data-analysis data-science keras-tensorflow machine-learning machine-learning-algorithms ml-models numpy pandas plotly python scikit-learn scipy

Last synced: 06 Jan 2026

https://github.com/affromero/pixelcache

A versatile image processing library for Python with built-in support for caching, using Pillow, NumPy, and PyTorch.

image-processing numpy opencv pillow pytorch torchvision

Last synced: 25 Jun 2025

https://github.com/ab23ms233/matrix-calculator

A Python-based matrix calculator for performing operations like addition, multiplication, inverse, determinant, eigenvalues, diagonalization, and matrix functions using NumPy, SymPy, and SciPy.

linear-algebra numpy scipy

Last synced: 11 Aug 2025

https://github.com/tristan296/deepplate

A custom-trained YOLOv11-based license plate detection with PaddleOCR for accurate ANPR.

cv2 numpy paddleocr sqlite3 ultralytics yolov11

Last synced: 04 Apr 2025

https://github.com/hanzopgp/neuralnetworkfromscratch

This is a multi-layer perceptron build from scratch using numpy and python.

artificial-intelligence deep-learning machine-learning multi-layer-perceptron numpy personal

Last synced: 05 Mar 2025

https://github.com/melihcanndemir/3d-fractal-explorer

Interactive 3D visualization tool for exploring the mesmerizing world of Mandelbrot and Julia fractals. Built with Python, OpenGL and PyQt5, offering real-time animation and intuitive controls.

3d-graphics complex-numbers computer-graphics data-visualization educational fractal graphics-programming interactive julia-set mandelbrot math-visualization mathematical-art mathematics numpy opengl pyqt pyqt5 python scientific-visualization visualization

Last synced: 30 Jul 2025

https://github.com/sralter/term_deposit_marketing

Predicting which customers will most likely purchase a type of financial product, achieving a time savings of over 93%.

matplotlib numpy optuna pandas seaborn sklearn

Last synced: 26 Jun 2025

https://github.com/gregoritsch3/ml_eda_classification_loanapprovalprediction

An EDA and Machine Learning Classification exercise on the Loan Approval dataset demonstrating EDA, feature engineering, StratifiedKFold and the use of Tensorflow NN, SVC, LinearSVC, XGBoost, Naive-Bayes, Bagging, Random Forest and Decision Tree algorithms.etc. The modela are optimized using hyperparameter tuning through GridSearchCV.

eda feature-engineering machine-learning matplotlib numpy pandas scikit-learn scipy seaborn tensorflow

Last synced: 23 Jun 2025

https://github.com/madhuresh2011/amazon-sales-report-analysis-using-python

This project focuses on analyzing Amazon sales data using Python to uncover insights into sales performance, customer behavior, and product trends

charts cleaning-data data-analysis jupyter-notebook matplotlib numpy pandas python seaborn visualization

Last synced: 28 Mar 2025

https://github.com/piyush1927/flightforecast

ML model to predict flight prices based on various features like departure time, arrival time, duration, airline, source, destination, and number of stops.

machine-learning mathplotlib numpy pandas scikit-learn seaborn

Last synced: 02 Apr 2025

https://github.com/yashuv/numpy-for-data-science

A well structured practical deep dive into functional programming in NumPy.

ipynb-notebook numpy python3

Last synced: 28 Oct 2025

https://github.com/raju-2003/indiaai-cyberguard-ai-hackathon

An NLP-powered system to simplify cybercrime reporting by analyzing descriptions, categorizing incidents, and providing actionable insights.

matplotlib nltk numpy pandas python random-forest-classifier re scikit-learn seaborn shap spacy wordcloud

Last synced: 17 Mar 2025

https://github.com/iv4n-ga6l/openpose-prediction

Person's body parts or joint position detection using openCV

detection numpy opencv prediction prediction-model python

Last synced: 26 Mar 2025

https://github.com/amir78729/numpy-image-manipulation

Linear Algebra course - Final Project

linear-algebra numpy

Last synced: 11 Mar 2025

https://github.com/mamtapanda088/uber-data-analysis

Uber data analysis involves studying trip trends, peak hours, popular locations, fare patterns, and visualizing insights using Python.

jupyter-notebook matplotlib numpy pandas python3 seaborn

Last synced: 26 Mar 2025

https://github.com/killercavin/dataanalysis

This Repository focuses on learning Data Mining, Analysis & Visualization using Python

data-analysis data-mining data-visualization matplotlib numpy pandas plotly seaborn

Last synced: 17 Mar 2025

https://github.com/akashash01/akash_linear-regression

This is an linear approach machine learning model used to predict the values of variable(dependent) based on other variables(independent).

anova-test autocorrelation data-science heteroscedasticity linear-regression machine-learning mape multicollinearity numpy pandas python supervised-learning

Last synced: 01 Apr 2025

https://github.com/shriram-vibhute/digit_classification

This project demonstrates various machine learning techniques for classifying handwritten digits from the MNIST dataset. It covers data preprocessing, model training, evaluation, and advanced classification strategies.

classification data-analysis data-visualization machine-learning matplotlib numpy pandas sk-learn

Last synced: 28 Oct 2025

https://github.com/pycraftdeveloper/visual-music

This is a short program that takes the input from your microphone and uses OpenGL to draw a live colourful pattern.

art music numpy open-source opengl pip programming python python3 python310 python37 python38 python39 sensors simple tkinter visual-studio visual-studio-code

Last synced: 14 Jun 2025

https://github.com/sun-data/named-arrays

Python library that implements named tensors with Astropy Quantity support.

astropy named-arrays named-tensor numpy python scientific-computing

Last synced: 28 Oct 2025

https://github.com/arufonsekun/computer-vision

This repository hosts the code produced in dojos, week tasks, theoretical presentations during my attending time in the UFFS computer vision study group. (refactor in progress)

computer-vision numpy opencv python3

Last synced: 17 Mar 2025

https://github.com/vustron/car_price_predictor_backend

The backend server for the machine-learning model for prediction of car price

flask flask-api flask-backend flask-restful machine-learning numpy pandas python rest-api

Last synced: 21 Feb 2025

https://github.com/sharan-vj/python_for_datascience

Resources for revising basic concepts in Numpy, Pandas, Matplotlib, and Seaborn. along with SQL Database.

matplotlib numpy pandas seaborn sql

Last synced: 02 Mar 2025

https://github.com/mohamedawnallah/covid19-dataanalysis-python

how to preprocess and merge datasets to calculate needed measures and prepare them for an Analysis. In this project, we are going to work with the COVID19 dataset, published by John Hopkins University, which consists of the data related to the cumulative number of confirmed cases, per day, in each Country. Also, we have another dataset consist of various life factors, scored by the people living in each country around the globe. We are going to merge these two datasets to see if there is any relationship between the spread of the virus in a country and how happy people are, living in that country.

covid19 dataanalysis datavisualization happiness-report jupyternotebook numpy pandas python

Last synced: 28 Oct 2025

https://github.com/martincastroalvarez/python-deep-learning-algorithms

Combinatorics implemented with numpy, matplotlib and scipy.

algebra combinatorics matplotlib numpy python scipy

Last synced: 08 Apr 2025

https://github.com/otakmager/projectml-clusteringweb

This repo is the result of a project assignment for a machine learning course at my university which was assisted by other group members. This project is to create a website that can cluster from the models that have been made. This model was created using the KMeans algorithm with 3 clusters that were trained with the seed dataset

bahasa-indonesia clustering-algorithm flask jupyter-notebook kmeans-clustering numpy pandas pickle python scikit-learn seed-dataset

Last synced: 26 Mar 2025

https://github.com/gauravtrivedi967/mask_detection

In the present scenario due to Covid-19, there is no efficient face mask detection applications which are now in high demand for transportation means, densely populated areas, residential districts, large-scale manufacturers and other enterprises to ensure safety. Also, the absence of large datasets of ‘with_mask’ images has made this task more cumbersome and challenging.

cv2 keras numpy os

Last synced: 17 Mar 2025

https://github.com/udacity-machinelearning-internship/finding_donors

First stage project at Udacity on the 'Intro to Machine Learning with TensorFlow' program using sckit-learn in python

csv machine-learning matplotlib numpy pandas python sckiit-learn seaborn sklearn udacity udacity-nanodegree

Last synced: 18 Mar 2025

https://github.com/dulajkavinda/live-sketching

✍️ Converting live video stream from webcam into a sketch using OpenVC and Keras

added image-filtering keras machinelearning matplotlib numpy opencv python

Last synced: 30 Dec 2025

https://github.com/eljandoubi/landmark-classification-tagging-for-social-media

a CNN-powered app to automatically predict the location of the image based on any landmarks depicted in the image.

cnn-classification numpy pytest pytorch transfer-learning

Last synced: 18 Mar 2025

https://github.com/saif-gitreps/car-price-prediction-model

ML model that predicts car price based on different car features. (in dev..)

data-preprocessing data-visualization matplotlib numpy pandas python seaborn

Last synced: 01 Apr 2025

https://github.com/sakshisrivastava-2601/credit-card-fraud-detection

Credit Card Fraud Detection Project Using Machine Learning. This project focuses on leveraging advanced Machine learning techniques to identify fraudulent transactions with high accuracy.

advanced-machine data machine-learning numpy project-repository python pytorch random-forest

Last synced: 29 Dec 2025

https://github.com/rhazra-003/sketcher

A simple python code to make sketch out of any given photo using opencv and numpy

numpy opencv python3

Last synced: 20 Mar 2025

https://github.com/isaacef/independent-motion-detector

Detect independently moving objects in a scene captured by a single camera.

numpy opencv python

Last synced: 07 Jul 2025

https://github.com/nathanielsimard/numpy-mnist-classifier

Feed forward neural network using Numpy for MNIST classification.

deep-learning machine-learning mnist mnist-classification mnist-classifier numpy

Last synced: 02 Apr 2025

https://github.com/sumitgirwal/diabetes-linear-regression-ml

This is a simple diabetes checker machine learning test model, build with linear regression in Python , Matplotlib, NumPy, and sklearn. Diabetes is built in a dataset within the sklearn library. Where first you train the model then you apply a test to see how the output/result is approximate/good or change something in the model.

linear-regression matplotlib numpy python3 sklearn

Last synced: 20 Mar 2025

https://github.com/hamidhosen42/a-graph-machine-learning

Graph-Machine-Learning. Graph Machine Learning provides a new set of tools for processing network data and leveraging the power of the relation between entities that can be used for predictive, modeling, and analytics tasks.

ipynb-jupyter-notebook machine-learning-algorithms mathplotlib numpy pandas python sklearn-library

Last synced: 02 Mar 2025

https://github.com/the-developer-306/house-price-predictor

House Price Predictor: Harnessing machine learning algorithms to forecast housing prices in Boston, empowering buyers and sellers with accurate predictions based on key factors like location, crime rate, rooms, accessibility, and more.

csv ipynb-jupyter-notebook joblib matplotlib numpy pandas python scikit-learn

Last synced: 02 Mar 2025

https://github.com/abhy-kumar/ahmedabad-weather-projection

This notebook tries to predict Ahmedabad's weather using historical trends

arima-forecasting numpy pandas python

Last synced: 02 Apr 2025

https://github.com/lunastev/flowmodel

FlowModel is a lightweight and extensible machine learning framework designed for beginners to easily experiment with AI development through a modular plugin architecture.

ai ai-model ai-models beginner-friendly flow-model flow-models flowmodel framework lightweight machine-learning model numpy plugin-architecture python torch torchvision

Last synced: 20 Mar 2025

https://github.com/rasbeetech/loan-calculator

Tkinter framework application

matplotlib numpy python tkinter

Last synced: 20 Mar 2025

https://github.com/sominw/cheatsheets

Useful cheatsheets for DS.

cheat-sheets cheatsheet numpy pandas probability

Last synced: 02 Mar 2025

https://github.com/yanboishere/Trade.with-SuperTrend.parameter

OKX API to confirm the process of appearance and disappearance of upper or lower limit lines for the super trend parameters in crypto trading pairs in TraderView, and perform multiple buying and selling transactions based on this parameter index.|对于crypto交易对中 TraderView中的超级趋势参数 出现以及消失上限线或下限线前后过程进行确认 从而根据该参数指标的出现 进行多次合约做多&做空 开仓买卖 (使用OKX api)

bitcoin blockchain bot btc crypto cryptocurrency cryptography numpy okx okx-api okx-sdk okx-v5 python talib trade trade-bot tradebot

Last synced: 22 Oct 2025

https://github.com/akash-rajak/video-cropper

Script to crop video according user's size and dimension.

cv2 numpy python3 tkinter video video-cropper

Last synced: 28 Jun 2025

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

Python Script to resize image to any dimension.

cv2 gui image-resizer numpy os python3 random resizeimage tkinter

Last synced: 26 Mar 2025

https://github.com/akash-rajak/image-noise-remover

Python Script to remove noise from image.

cv2 image-noise-remover numpy os python3 random tkinter

Last synced: 26 Mar 2025

https://github.com/yannbouyeron/genopy

Analyses génétiques et phylogénétiques pour les SVT

biopython genetique lycee numpy pandas phylogenie svt

Last synced: 02 Mar 2025

https://github.com/petitgrizzlies/metaheuristiques

Travaux pratiques de meta heuristique. Unige 2016-2017

cffi cpp golang heuristic-algorithm matplotlib numpy python35

Last synced: 21 Feb 2025

https://github.com/marcosalvalaggio/lana

Experimental Linear Algebra library written in Rust

linear-algebra maturin numpy pyo3-rust-bindings python-rust-binding rust

Last synced: 21 Feb 2025

https://github.com/sonu275981/face-mask-detection-web-app

Face Mask Detection web application built with Flask, Keras-TensorFlow, OpenCV. It can be used to detect face masks both in images and in real-time camera video using browser.

flask-application haar-cascade-classifier haarcascade-frontalface javascript keras-tensorflow mask mask-detection numpy opencv webapp

Last synced: 10 Apr 2025

https://github.com/flazefy2/ds-customer_shopping

https://www.kaggle.com/datasets/bhadramohit/customer-shopping-latest-trends-dataset

data-science data-visualization jupiter-notebook numpy python sales shopping statistics

Last synced: 27 Mar 2025

https://github.com/aryansk/mnist-deep-learning-exploration

This repository contains implementation of various deep learning approaches for the MNIST handwritten digit classification task, using both scikit-learn and Keras frameworks.

keras machine-learning machine-learning-algorithms mnist-classification numpy python scikit-learn tensorflow

Last synced: 27 Mar 2025

https://github.com/furkankayar/hybridneuralnet

Decision tree powered artificial neural network library.

cpp decision-tree neural-network numpy pybind11 python3

Last synced: 02 Mar 2025