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/anfany/python3-practice

基于Python3的多种工具实例代码、以及流行库的使用贴士

matplotlib numpy pandas python3 tensorflow tips

Last synced: 15 Oct 2025

https://github.com/varshan1123/football-analysis

Designed a soccer analytics system using YOLOv11 for player and ball tracking, with team classification and real-world movement analysis, enabling precise speed and distance assessments. Integrated automated reporting to enhance data-driven decisions for coaches and analysts.

gemini-api kmeans-clustering numpy opencv ultralytics yolov11

Last synced: 15 Oct 2025

https://github.com/rakibhhridoy/machinelearning-featureselection

Before training a model or feed a model, first priority is on data,not in model. The more data is preprocessed and engineered the more model will learn. Feature selectio one of the methods processing data before feeding the model. Various feature selection techniques is shown here.

extratreesclassifier feature-selection gridsearchcv lasso-regression logistic-regression machine-learning numpy pandas pca rfe rfecv scikit-learn selectkbest

Last synced: 16 Oct 2025

https://github.com/nemeslaszlo/loan-data-decision-tree-and-random-forest

This repository covers a "Lending Club" analysis with decision tree and random forest with data visualizations and exploration.

decesion-trees matplotlib numpy pandas random-forest seaborn sklearn

Last synced: 16 Oct 2025

https://github.com/mrarvind90/fcc-mean-var-std-calculator

A Python program to compute the mean, variance, standard deviation, maximum, minimum, and sum of a given list, both flattened and along specified axes using Numpy.

black freecodecamp freecodecamp-challenge freecodecamp-project numpy python3

Last synced: 16 Oct 2025

https://github.com/dudynets/numerical-methods-labs-tkinter

Labs for Numerical Methods course at Ivan Franko Lviv National University.

interpolation labs linear-algebra matplotlib numerical-methods numpy python tkinter university

Last synced: 16 Oct 2025

https://github.com/kwanit1142/machine-learning-models-on-different-scenarios

Pattern Recognition and Machine Learning based Assignments and Labs, under Prof. Richa Singh in Course CSL2050.

deep-learning diabetes iris machine-learning matplotlib mlxtend mnist nltk numpy pandas pytorch regex seaborn sklearn

Last synced: 16 Oct 2025

https://github.com/mark0011astra/simplecuda

CUDAを使用したGPU演算をNumPyと同様のインターフェースで簡単行えるライブラリ。A library that allows users to easily perform GPU operations using CUDA with a NumPy-like interface.

cuda cupy gpu machine-learning numpy python vector

Last synced: 07 Nov 2025

https://github.com/khaymanii/medical_insurance_cost_prediction-_model

This Model was built using Python and Linear Regression algorithm

matplotlib numpy pandas python sckit-learn seaborn

Last synced: 17 Oct 2025

https://github.com/akash-rajak/large-image-preview

Python Script to view large image using scroll bars.

cv2 large-image large-image-preview numpy python3 tkinter

Last synced: 17 Oct 2025

https://github.com/mgobeaalcoba/datacademy

Iré subiendo los distintos desafíos del reto de Platzi llamado Datacademy

anaconda deepnote google-colab jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 18 Oct 2025

https://github.com/apoorva-info/cognitive-load-using-blink-rates

Analyzing blink rates and task performance to measure cognitive load during digital span tasks using a custom Python tool.

matplotlib numpy pandas python

Last synced: 30 Dec 2025

https://github.com/dmarks84/ind_project_california-housing-data--kaggle

Independent Project - Kaggle Dataset-- I worked on the California Housing dataset, performing data cleaning and preparation; exploratory data analysis; feature engineering; regression model buildings; model evaluation.

cross-validation data-modeling data-reporting data-visualization eda folium grid-search matplotlib model-evaluation numpy pandas pca python seaborn sklearn statistics supervised-ml unsupervised-ml

Last synced: 19 Oct 2025

https://github.com/hansalemaos/numba_aot_compiler

A function to facilitate the Ahead-of-time compilation with Numba

aheadoftime aot compile numba numpy pyd

Last synced: 23 Jan 2026

https://github.com/nissanjk/linear-solver

A Python desktop application to solve systems of linear equations using various numerical methods.

anaconda3 fpdf imageio matplotlib numpy python3 tkinter

Last synced: 23 Oct 2025

https://github.com/kamakshi4023/brain-tumour-detection

ML based project which uses various techniques to build a hybrid model for identifying brain tumour in MRI images

jupyter-notebook keras machine-learning ml numpy python seaborn sklearn sklearn-metrics tensorflow

Last synced: 03 Jan 2026

https://github.com/octcarp-courses/SUSTech_CS303-AI_F23_Works

(49.8/50) Course code of CS303 2023 Fall: Artificial Intelligence, SUSTech. Taught by Prof. Ke TANG.

numpy pytorch sustech

Last synced: 24 Oct 2025

https://github.com/zainashrafofficial/ml_project_2024

A machine learning semester project of university, implementing classification and regression models to predict house prices & number of rooms using a dataset with over 160,000 entries.

ai ann artificial-neural-networks classification decision-trees jupyter-notebook linear-regression logistic-regression matplotlib ml numpy pandas python random-forest regression-models svm tensorflow

Last synced: 24 Oct 2025

https://github.com/garcane/Income-Prediction-ML

This is a machine learning project aimed at predicting whether an individual's annual income exceeds $50,000 based on their demographic and personal information.

data data-science machine-learning ml numpy pandas python random-forest scikit-learn

Last synced: 24 Oct 2025

https://github.com/Zion-Dev1/E-commerce-Analysis

Short machine learning project which analyses customer behaviour 🔎

analysis clustering ecommerce machine-learning numpy pandas sklearn

Last synced: 24 Oct 2025

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

🔒💳 𝗢𝗻𝗹𝗶𝗻𝗲 𝗣𝗮𝘆𝗺𝗲𝗻𝘁 𝗙𝗿𝗮𝘂𝗱 𝗗𝗲𝘁𝗲𝗰𝘁𝗶𝗼𝗻 is a data science project that uses machine learning to identify fraudulent transactions in online payment systems. The project analyzes transaction data to detect suspicious activity, helping to enhance security and reduce financial losses. 🚨📊

juypter-notebook kaggle-dataset numpy pandas plotly python3 sklearn

Last synced: 24 Oct 2025

https://github.com/mikediessner/benchfuncs

Benchmark functions to test optimisation algorithms.

benchmark-functions numpy optimization test-functions

Last synced: 24 Oct 2025

https://github.com/MITHILESHK11/Steganography-App-Aicte-Internship-Cybersecurity-Edunet-Foundation

Secure Image Steganography App : This Streamlit-based Steganography App lets you securely encrypt and decrypt messages in images using the Least Significant Bit (LSB) technique. Messages remain invisible unless unlocked with the correct password.

hashlib numpy opencv3 python streamlit-webapp

Last synced: 24 Oct 2025

https://github.com/mmsaki/whale_portfolio

Determine which Whale portfolio is performing the best across multiple areas: volatility, returns, risk and Sharpe ratios.

datetime finance jupyter-notebook matplotlib numpy pandas pathlib python quantitative-finance seaborn stock-market trading-strategies

Last synced: 25 Oct 2025

https://github.com/bl0nder/regressify

A multi-task neural network coded from scratch that performs simultaneous regression and classification.

classification deep-learning multitask-learning neural-networks numpy regression

Last synced: 25 Oct 2025

https://github.com/socaity/media-toolkit

Web-ready standardized file processing and serialization. Read, write, convert and send files. Including image, audio, video and any other file. Easily convert between numpy, base64, bytes and more.

base64 bytesio fast-task-api httpx image-processing json numpy serialization video

Last synced: 27 Oct 2025

https://github.com/felipecordero/vigasha

Web App for structural analysis of concrete beams

concrete-beams numpy pandas python streamlit structural-analysis

Last synced: 27 Oct 2025

https://github.com/abhishekyana/zframework

Z Framework for Easy Deep Learning

deep-learning machine-learning numpy python tensorflow

Last synced: 24 Jan 2026

https://github.com/g0r0kh/forecast

layouts statistical analys for forecasting

matplotlib numpy pandas

Last synced: 30 Jan 2026

https://github.com/abhihirekhan/abhi-s-data-science-portfolio

A list of data science projects completed by me for academic, self learning, and creative purposes

datascience ipynb-jupyter-notebook jupyter jupyter-kernels jupyter-notebook keras-tensorflow machine-learning numpy pandas portfolio python tensorflow

Last synced: 31 Jan 2026

https://github.com/meghajbhat/photo-editor

This is a Photo Editor Application with various image processing functionalities using Tkinter for the GUI and OpenCV for image manipulation. The application allows users to apply multiple filters and transformations to images such as Black and White, Pencil Sketch, Sepia, Crop, Sharpen, Contrast, X-ray, and Brighten.

gui numpy opencv opencv-python python python3 tkinter tkinter-gui tkinter-python

Last synced: 31 Jan 2026

https://github.com/fsubject/rotating-cube

Rotating Cube is a 3D engine made from scratch

3d 3d-engine 3d-graphics from-scratch numpy pygame python

Last synced: 31 Jan 2026

https://github.com/willprice/arsenal

Personal arsenal of python utilities

data-science machine-learning numpy pandas personal-tools python

Last synced: 30 Dec 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