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/sukeesh/cancer-prediction

Predict whether the cancer is benign or malignant

deep-learning neural-networks numpy

Last synced: 28 Oct 2025

https://github.com/zjutcv/zjutcv

๐ŸŽ‡ZJUT toolbox for computer vision.

computer-vision deep-learning numpy pytorch

Last synced: 24 Apr 2025

https://github.com/celilselcuk/skin-cancer-detector

A CNN model to distinguish whether a skin lesion is malignant or benign: cancerous or not. Trained on 1500 images for both benign and malignant classes attained from the ISIC skin condition dataset with over 84% accuracy and 93 F1 score.

benign-skin-lesions cancer-detection cnn-keras cnn-model flask image-classification malignant-skin-lesions medicalimaging numpy python tensorflow webapp

Last synced: 04 Apr 2025

https://github.com/tameronline/tameronline

Showcasing Projects on Data Analysis, Programming, and AI โ€” Developed Using Python and Modern Frameworks

data-analysis deep-learning flask machine-learning numpy pandas python3 sql web-development

Last synced: 11 Jun 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: 11 Apr 2025

https://github.com/camille-maslin/securecard-ai

๐Ÿ›ก๏ธ SecureCard-AI: A high-performance credit card fraud detection system implemented in a Jupyter Notebook, achieving 99.97% accuracy.

classification credit-card-fraud-detection data-analysis data-science fraud-detection jupyter-notebook machine-learning matplotlib numpy pandas python scikit-learn

Last synced: 28 Feb 2025

https://github.com/archismwanchatterjee/scientific-calculator

Scientific Calculator is used to basically perform several simple, mathematical, matrix/vector and trigonometric operations. And also visualize the trigonometric curves.

matplotlib-pyplot numpy pillow streamlit

Last synced: 05 Sep 2025

https://github.com/maciekmalachowski/crypto-charts-site

๐Ÿ“ŠApplication that returns financial data for selected cryptocurrency.

binance-api data-analysis jupyter-notebook matplotlib mplfinance numpy pandas python python-binance

Last synced: 02 Apr 2025

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: 26 Mar 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: 05 Aug 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: 30 Sep 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: 09 Apr 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: 26 Mar 2025

https://github.com/ei-grad/bincount

No-copy parallelized bincount returning dict

bincount cython numpy python statistics

Last synced: 28 Mar 2025

https://github.com/nicholas-miklaucic/eins

One tensor operation is all you need

array deep-learning einops jax numpy python

Last synced: 23 Apr 2025

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

๐Ÿ–ผ๏ธ Studies and activities of the discipline of Graphic Computing

graphic-computing numpy opencv python

Last synced: 03 Mar 2025

https://github.com/ksharma67/heart-failure-prediction

This problem is a typical Classification Machine Learning task. Building various classifiers by using the following Machine Learning models: Logistic Regression (LR), Decision Tree (DT), Random Forest (RF), XGBoost (XGB), Light GBM and Support Vector Machines with RBF kernel.

auc-roc-curve auc-roc-score decision-trees eda eli5 gridsearchcv lightgbm lime logistic-regression numpy pandas python random-forest seaborn shap skit-learn sklearn svm xgboost

Last synced: 20 Jul 2025

https://github.com/anish202020/programs

This repository contains various computer graphics projects and examples designed to help students understand fundamental concepts in computer graphics.

matplotlib numpy opencv-python pygame python

Last synced: 03 Aug 2025

https://github.com/amankanojiya/rubic-cube-detector

Rubic Cube Detection Using OpenCV

argparse numpy opencv opencv-python os python3

Last synced: 28 Feb 2025

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

Numpy Basics for beginners

numpy numpy-arrays numpy-tutorial python

Last synced: 03 Aug 2025

https://github.com/mongoexpuser/geological-image-classification-dnn

Geological Image Classification with Deep Feed-Forward Neural Network

keras matplotlib numpy pandas python scikit-image tensorflow

Last synced: 07 Jan 2026

https://github.com/udityamerit/breast-cancer-prediction-using-different-ml-models

The `all_MLpackage` is a Python tool for breast cancer detection using scikit-learn's machine learning algorithms. It automates model training, generates accuracy comparisons, and helps identify the best-performing algorithm for diagnosis.

classification knn-algorithm logistic-regression machine-learning numpy pandas scikit-learn svm-model

Last synced: 15 Aug 2025

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

Explorando e aprimorando habilidades em NumPy

numpy numpy-tutorial python studies

Last synced: 04 Jul 2025

https://github.com/ksharma67/partial-dependent-plots-individual-conditional-expectation-plots-with-shap

The goal of SHAP is to explain the prediction of an instance x by computing the contribution of each feature to the prediction. The SHAP explanation method computes Shapley values from coalitional game theory. The feature values of a data instance act as players in a coalition.

eda individual-conditional-expectation matplotlib numpy pandas partial-dependence-plot python seaborn shap shapley-additive-explanations sklearn xgboost

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

https://github.com/mezgoodle/telegramiastats

On this site, you can view all statistics about Telegramia game in charts and tables

colab-notebook game-statistics numpy pandas python telegramia

Last synced: 12 Jun 2025

https://github.com/analyticalnahid/numpy-tutorial

A complete Notebook on Numpy for Data Science

data-analysis numpy numpy-tutorial

Last synced: 28 Mar 2025

https://github.com/eeshaarif/idoctify

A web application built on Django to better manage records of patients by implementing Facial Recognition (-OpenCV-)

django face-recoginition machine-learning numpy opencv opencv2 web-application

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

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

simple neural network without hidden layer

logistic-regression neural-network numpy

Last synced: 04 Jul 2025

https://github.com/romybompart/image-processing-in-sublime-text-3

image processing using sublime text , virtualenv, skimage, numpy

anaconda image-processing jedi numpy python skimage sublimerepl sublimet

Last synced: 10 Mar 2025

https://github.com/mahmood-anaam/stochastic-dynamic-programming

This repository provides solutions and implementations for Stochastic Dynamic Programming (SDP) problems. It includes theoretical insights, practical coding examples, and detailed explanations for addressing various challenges in decision-making under uncertainty and stochastic processes.

markov-decision-processes numpy parking-problem python shortest-path stochastic-dynamic-programming transition-problem

Last synced: 03 Apr 2025

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

Example scripts for generating data with Gecko

data-science numpy pandas python record-linkage

Last synced: 20 Jul 2025

https://github.com/muhammad-rebaal/investigating-netflix-movies

This Python-based data analysis project explores trends in Netflix movies using Pandas and Matplotlib. Analyzing release years, genres, and durations, the project visualizes changes in movie durations over the years.

matplotlib numpy pandas python

Last synced: 23 Sep 2025

https://github.com/akash-rajak/map-coloring

Python script to implement map coloring by analyzing the map in segments.

cv2 map map-coloring numpy os python3 random tkinter

Last synced: 26 Mar 2025

https://github.com/pyladiesams/data-interpretation-beginner-sep2020

An introduction to Data Interpretation and Storytelling with Python

jupyter matplotlib numpy pandas workshop

Last synced: 22 Feb 2025

https://github.com/amanovishnu/credit-card-fraud-detection

this project uses machine learning to detect fraudulent credit card transactions with local outlier factor and isolation forest algorithms. weโ€™ll evaluate performance and visualize data distribution.

isolation-factor-algorithm local-outlier-factor machine-learning numpy pandas seaborn-plots

Last synced: 31 Jul 2025

https://github.com/muzammil-13/data_analysis-inmakes

A data-driven project that leverages machine learning to predict Bitcoin price trends. Using historical Bitcoin data, this analysis provides 30-day price forecasts through advanced statistical modeling.

data-analysis data-science machine-learning numpy pandas python python-library

Last synced: 30 Oct 2025

https://github.com/muhammad-rebaal/videogames_golden_age

During the Golden Age of Video Games (late 1970s to mid-1980s), the industry experienced unprecedented growth and innovation. Iconic arcade games like Pac-Man and Space Invaders emerged, captivating a global audience.

matplotlib numpy pandas python

Last synced: 11 Jul 2025

https://github.com/kr1shnasomani/firefinder

Fire detection from images using CNN (ResNet50 architecture)

computer-vision deep-learning keras matplotlib neural-network numpy opencv scikit-learn tensorflow

Last synced: 30 Jul 2025

https://github.com/bemwamalak/mathsolver

A math solver project made for mathematics course at Cairo University.

linear-algebra numpy python sympy

Last synced: 09 Sep 2025

https://github.com/jwest951227/aiSocialGood

The rise of social media and online communities creates safe and anonymous spaces for individuals to share their thoughts about their mental health and express their feelings and sufferings in online communities. To prevent suicide, it is necessary to detect suicide-related posts and user's suicide ideation in cyberspace by natural language process

flask gpt4 numpy python tensorflow

Last synced: 21 Sep 2025

https://github.com/khaymanii/movie-recommendation-model

This is a model built using Python and Cosine Similarity algorithm

matplotlib numpy pandas python scikit-learn

Last synced: 30 Dec 2025

https://github.com/konjkov/pycasino

Python realisation of Casino (QMC) program

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

Last synced: 04 Sep 2025

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

ะ ะตะฟะพะทะธั‚ะพั€ะธะน, ะฟะพัะฒัั‰ะตะฝะฝั‹ะน ะธะทัƒั‡ะตะฝะธัŽ ั€ะฐะทะปะธั‡ะฝั‹ั… ะฝะฐะฟั€ะฐะฒะปะตะฝะธะน Data Science! ะ—ะดะตััŒ ั ัะพะฑะธั€ะฐัŽ ะผะฐั‚ะตั€ะธะฐะปั‹, ะทะฐะผะตั‚ะบะธ, ะฟั€ะธะผะตั€ั‹ ะบะพะดะฐ ะธ ัะบัะฟะตั€ะธะผะตะฝั‚ั‹, ะบะพั‚ะพั€ั‹ะต ะฟะพะผะพะณัƒั‚ ะผะฝะต ะฒ ะฟั€ะพั†ะตััะต ะพะฑัƒั‡ะตะฝะธั.

jupyter-notebook numpy python

Last synced: 31 Aug 2025

https://github.com/marcogdepinto/dogs-vs-cats

Deep learning to classify if a picture contains a Dog or a Cat using Python, OpenCV, Keras.

deep-learning deep-learning-tutorial deep-neural-networks image-classification keras numpy opencv python python3

Last synced: 28 Jul 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: 16 Mar 2025

https://github.com/larmork/kaggle-datasets-py

Study project. Analysis of kaggle datasets

datasets jupiter-notebook kaggle numpy pandas-dataframe

Last synced: 17 Jun 2025

https://github.com/dragomirbozoki/kalliope-dual-llm-chatbot

Multilingual voice assistant powered by a dual-LLM architecture using retrieval-based and generative models. Built on top of Kalliope and Hugging Face Transformer

chatbot data-preprocessing hugging-face machine-learning nlp numpy pandas pipelines pytorch rag transformers

Last synced: 27 Jul 2025

https://github.com/yashika-malhotra/cardioflex-treadmill-analysis-using-descriptive-statistics-probability

Description Analysis and Visualization on CardioFlex Treadmill data to provide insights and recommendations to improve their userbase.

colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 27 Jul 2025

https://github.com/borjaest/ndautomata

Multidimensional cellular automata in Python.

cellular-automata cellular-automaton game-of-life numpy

Last synced: 27 Jul 2025

https://github.com/goodhamgupta/transformers_from_scratch

Barebones implementation of transformers using torch and numpy

nlp numpy pytorch torch transformer

Last synced: 18 Jan 2026

https://github.com/moindalvs/learn_statistics_for_data_science

Central tendency, distribution, skewness and kurtosis

kurtosis mean median model numpy pandas skewness

Last synced: 27 Sep 2025

https://github.com/timudk/introduction_to_mcmc

A brief introduction to Markov chain Monte Carlo methods

markov-chain markov-chain-monte-carlo matlplotlib numpy python stochastic

Last synced: 09 Apr 2025

https://github.com/vmeazevedo/text_codifier

Script para codificaรงรฃo/decoficaรงรฃo de dados armazenados em um arquivo de texto.

numpy opencv

Last synced: 06 Apr 2025

https://github.com/pankil-soni/movie-recommendation-system

It is a Streamlit web application that suggests movies to users based on their plot descriptions. It utilizes advanced techniques like TF-IDF and cosine similarity to provide accurate recommendations.

cosine-similarity machine-learning movie-recommendation numpy pandas recommendation-system recommender-system vectorizing

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

https://github.com/vidhi1290/text-classification-with-transformers-roberta-and-xlnet-model

This project explores advanced NLP techniques using RoBERTa and XLNet models to classify human emotions from textual data. By leveraging robust training and optimization methods, it aims to enhance emotion detection accuracy in applications like social media analysis and customer support.

autoencoder bert ktrain matplotlib natural-language-processing nlp numpy pandas python roberta seaborn sklearn tensorflow transformers xlnet

Last synced: 06 Jan 2026

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: 13 Apr 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: 11 Apr 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: 16 Mar 2025

https://github.com/parvvaresh/k-means-clustering-algorithm-from-scratch-in-python

K-means clustering is a type of unsupervised learning, which is used when you have unlabeled data (i.e., data without defined categories or groups). The goal of this algorithm is to find groups in the data, with the number of groups represented by the variable K. The algorithm works iteratively to assign each data point to one of K groups based on

jupyter-notebook machine-learning numpy python

Last synced: 11 Jun 2025

https://github.com/scdamaddio/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: 13 Apr 2025

https://github.com/raghavendranhp/dynamic-hotel-recommendation-system-using-nlp

Developing a Python-based system for personalized hotel recommendations. The goal is to match user descriptions with hotel features, enhancing user satisfaction and decision-making in the hospitality industry.

ast lemmatization machine-learning nltk-python numpy pandas stopwords wordtoken-python

Last synced: 13 Sep 2025

https://github.com/tasninanika/plant-disease-classification

This project dives into PlantVillage dataset with 38 plant disease classes and uses smart image preprocessing to train models efficiently. I tried both a Custom CNN and MobileNetV2. Transfer learning with MobileNetV2 hit an impressive 99% accuracy, outperforming my CNN at 96%!

keras matplotlib numpy pandas python3 scikit-learn seaborn tensorflow

Last synced: 09 Sep 2025

https://github.com/wpi-surfmet-lab/multiscale-statistical-analysis

Multiscale regression/discrimination analysis software, which uses multiscale area data exported from MountainsMapยฎ.

matplotlib multiscale-analysis numpy python scipy win wpi wxpython

Last synced: 20 Jan 2026

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: 05 Nov 2025

https://github.com/khaymanii/rock-or-mine-detection_model

This is a Machine learning model built using Python to detect between rock and mine

matplotlib numpy pandas python scikit-learn seaborn

Last synced: 14 Mar 2025

https://github.com/khaymanii/loan_status_predictor

This is a loan status predictor model built using Support Vector Machine Algorithm and Gradio UI library

matplotlib numpy pandas python scikit-learn

Last synced: 30 Dec 2025

https://github.com/akshay-rajan/expertsystem

A User Interface for Data Preprocessing, Building and Testing Machine Learning Models.

bootstrap d3js django javascript jquery machine-learning newbie-friendly numpy pandas plotly sklearn

Last synced: 22 Apr 2025

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: 13 Oct 2025

https://github.com/ayushmankumar7/pyopencl-windows

Install PyOpenCL for Windows ๐Ÿ˜‰

numpy opencl pyopencl python python3 windows windows-10

Last synced: 23 Jul 2025

https://github.com/zolabar/fem

FEM 1D example with Python

displacement fem fvm jupyter-notebook numerics numpy python strain

Last synced: 18 Mar 2025