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/iv4n-ga6l/realtime-car-traffic-tracking

Realtime car traffic tracking using yolov8 model

cartracking numpy opencv python ultralytics yolov8 yolov8n

Last synced: 31 Jan 2025

https://github.com/sreejabethu/cost-of-living-index-globally

This Streamlit app is a data visualization tool that allows users to explore and compare the cost of living indices across different countries. The app takes in a dataset of cost of living indices for various countries and provides an interactive interface for users to select specific indices and countries to visualize.

bargraphs costofliving costoflivingindex datavisualization index matplotlib-pyplot numpy pandas-dataframe plotly python seaborn streamlit-webapp

Last synced: 26 Jan 2025

https://github.com/simran2911/flight-price-pridiction

This github repositiory contains the Flight Price Prediction project aims to develop a machine learning model to predict flight ticket prices based on various factors such as departure and arrival locations, dates, airlines, and other relevant features.

accuracy-score catboostregressor machine-learning matplotlib numpy pandas r2-score random-forest-regression seaborn xgboost-regression

Last synced: 09 Jan 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: 22 Jan 2025

https://github.com/akshay-kamath/visual-privacy-protection

An AI based application designed to protect visual privacy by anonymizing faces and obfuscating sensitive textual information (PII) in both images and videos

ai caffemodel computer-vision deep-learning nlp numpy ocr opencv pillow python3 tkinter

Last synced: 13 Jan 2025

https://github.com/gg7991/data-analysis-with-python-certification-freecodecamp

Challenges for DA with Python Certification on FreeCodeCamp

matplotlib matplotlib-pyplot numpy pandas

Last synced: 26 Jan 2025

https://github.com/tritonix711/digitvision-number-predictor

"DigitVision: Number Predictor" is a deep learning project that uses a Convolutional Neural Network (CNN) to classify handwritten digits (0-9) from images. Built with Python and TensorFlow, it supports dataset preprocessing, model training, evaluation, and predictions, offering a scalable and accurate solution for digit recognition tasks.

cnn keras matplotlib numpy os pillow plt python tensorflow tkinter

Last synced: 17 Jan 2025

https://github.com/fabianacampanari/statisticalmeasures

Statistical Measures in Python - Age and Salary Analysis

hypothesis-testing math numpy pandas-python scipy-stats statisctics

Last synced: 22 Oct 2024

https://github.com/brandoncardoso/mnk

An MNK game library.

game mnk numpy python tictactoe

Last synced: 12 Feb 2025

https://github.com/kartikeya443/handgesture_detection_opencv

A Computer Vision based model trained on data sets of over 300 inputs for a particular gesture is able to detect and identify human hands gestures effortlessly and is able to track the coordinates for further modifications in its usage for controlling devices like mouse and windows (control features are in development).

deep-learning mediapipe numpy opencv tensorflow

Last synced: 16 Feb 2025

https://github.com/paulo-santos-ds/rotatividade_de_clientes

A operadora de comunicações InternetGO está interessada em prever a rotatividade de seus clientes (churn). Se for identificado que um usuário está planejando trocar de operadora, a empresa poderá oferecer códigos promocionais e opções de planos especiais para evitar a perda desse cliente.

catboost numpy pandas pyplot python seaborn sklearn

Last synced: 26 Jan 2025

https://github.com/mauriciovazquezm/machinelearning_course_spring2023

Machine Learning course tasks focused on the implementation of the ML algorithms using libraries such as Numpy, Pandas, etc.

machine-learning machine-learning-algorithms numpy python r-language

Last synced: 13 Jan 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: 05 Jan 2025

https://github.com/jdavydovportfolio/careerpredictor

A project leveraging AI and Machine Learning (Logistic Regression) to predict graduate job placements. Includes data preprocessing, exploratory analysis, and predictive modeling.

artificial-intelligence exploratory-data-analysis jupyter-notebook linear-regression logistic-regression machine-learning machine-learning-algorithms machine-learning-models matplotlib ml numpy pandas pandas-dataframe predictive-modeling programming python scikit-learn

Last synced: 02 Feb 2025

https://github.com/pranav-bot/ml-dl-models-from-scratch

This contains the most commonly used machine learning and deep learning models written from scratch without the use if any libraries except Numpy which is used for calculations

deep-learning descion-tree from-scratch linear-regression logistic-regression machine-learning naive-bayes neural-networks numpy perceptron pytorch qlearning random-forest regression reinforcement-learning support-vector-machines svm

Last synced: 15 Feb 2025

https://github.com/amir78729/numpy-system-solution-detector

Linear Algebra course - First Project

echelon-form linear-algebra matrix numpy

Last synced: 18 Jan 2025

https://github.com/mahnoorsheikh16/fds-project-cmse830-credit-card-default-prediction

This project focuses on predicting whether a customer will default on their credit card payment in the upcoming month. Utilizing historical transaction data and customer demographics, the project employs various machine learning algorithms to distinguish between risky and non-risky customers for better credit risk management.

chi-square-test encoding hiplot imblearn json knn-imputer matplotlib numpy pandas pca-analysis pillow plotly robust-scalar scipy seaborn sklearn smote streamlit ttest visualization

Last synced: 17 Oct 2024

https://github.com/kr1shnasomani/greendetect

Detection of plant diseases using CNN (ResNet50 architecture)

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

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

https://github.com/ax-va/numpy-pandas-matplotlib-scikit-learn-vanderplas-2023

These examples provide an introduction to Data Science and classic Machine Learning using NumPy, Pandas, Matplotlib, and scikit-learn. They are taken, with some changes, from the book "Python Data Science Handbook: Essential Tools for Working with Data", Second Edition, written by Jake VanderPlas and published by O'Reilly Media in 2023.

ax-va classic-machine-learning data-science machine-learning matplotlib numpy pandas python scikit-learn

Last synced: 18 Nov 2024

https://github.com/musfiquejim/enacp-a-hybrid-machine-learning-framework-for-detecting-anticancer-peptides

EnACP: একটি Ensemble Learning মডেল যা অ্যান্টিক্যান্সার পেপটাইড সনাক্তকরণের জন্য ব্যবহৃত হয়।

adamoptimizer ai cnn-classification data-visualization deep-learning densenet inceptionv3 machine-learning matplotlib-pyplot numpy pandas randomforestclassifier randomforestregressor restnet sklearn u-net-pytorch vgg16 vgg19

Last synced: 12 Feb 2025

https://github.com/yantonov/ml-docker

Playground for common python ml libraries

anaconda catboost docker docker-image jupiter numpy pyplot python scipy sklearn

Last synced: 12 Dec 2024

https://github.com/ankushmallick1100/numpy-and-pandas-module

Here all common functions of Numpy and Pandas Module is present.

json matplotlib matplotlib-pyplot numpy pandas python python-3 python3 pythonmodules

Last synced: 19 Jan 2025

https://github.com/raduldev/gromacs

Molecular Dynamics Simulation using GROMACS in Jupyter notebook

bash gromacs matplotlib molecular-dynamics-simulation numpy pandas python3 shell

Last synced: 29 Jan 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: 12 Feb 2025

https://github.com/aymen016/image-processing-algorithms

Explore Python-based image processing from scratch with core algorithms like interpolation, convolution, and filtering!

matplotlib numpy pillow python

Last synced: 05 Feb 2025

https://github.com/raj-pulapakura/nn-from-scratch

Neural Network from Scratch using NumPy | MNIST Classification

deep-learning fromscratch machine-learning neural-network numpy

Last synced: 06 Jan 2025

https://github.com/udityamerit/all_mlpackages

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: 31 Oct 2024

https://github.com/edwardcdev/satellites-chart

A simple dashboard for satellites data statistics by displaying charts such as line-marker, histogram and box charts.

nodejs numpy pandas python

Last synced: 29 Jan 2025

https://github.com/byigitt/smartmove

fake data generation and analysis for ankara metro station

ankara cv2 metro numpy pandas scikit-learn

Last synced: 14 Feb 2025

https://github.com/wyllduck/pygame_escapefromgaia

PYGAME / 2018 / university: ETSEIB-UPC / title: 'Escape from Gaia'

matplotlib networkx numpy pygame python3

Last synced: 06 Jan 2025

https://github.com/santiagoenriquega/custom_ensemble_learning

This repository focuses on building a random forest classifier and regressor as well as a gradient boosted regressor, building them from scratch using only NumPy for faster array processing.

numpy python python3 random-forest random-forest-classifier random-forest-regressor

Last synced: 23 Jan 2025

https://github.com/simran1002/strip-analyzer

The Strip Color Identification is used to analyze images of urine strips uploaded by users. Using computer vision techniques, particularly leveraging OpenCV, the interface identifies and extracts the colors present on the strip.

flask multer nodejs numpy opencv python reactjs

Last synced: 21 Jan 2025

https://github.com/raihan4520/cvpr

Jupyter Notebook projects in Python coded during my Computer Vision and Pattern Recognition course at AIUB, focusing on core computer vision techniques.

computer-vision convolutional-neural-network emotion-detection face-mask-detection jupiter-notebook keras matplotlib numpy opencv pandas python tensorflow

Last synced: 14 Nov 2024

https://github.com/bsc-dom/npp2nvm

NumPy Persistence to Non-Volatile Memory

numpy nvm persistent-data-structure pmdk

Last synced: 13 Jan 2025

https://github.com/santoshn86/image-classification

This is an end-to-end project wehre I have used my friends images dataset for Image classification using logistic regreesion. It's applications may be used in Security and Surveillance, Criminal's classification & detection .

data-science flask-server html-css-javascript jupyter-notebook machine-learning matplotlib-pyplot numpy opencv pandas python sklearn-metrics

Last synced: 05 Feb 2025

https://github.com/barasedih11/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: 24 Nov 2024

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

https://github.com/saptak625/doublependulum

This repository is my derivation of the equations of motion of a double pendulum using Lagrangian Mechanics and then solving the nonlinear, coupled equations using a Runge-Kutta 45 integration scheme.

differential-equations lagrangian-mechanics matplotlib numerical-integration numpy python scipy vpython

Last synced: 19 Jan 2025

https://github.com/hansalemaos/cythonnestednumpy

performs sorting and grouping operations on multidimensional NumPy arrays using Cython and hash-based algorithms.

cython hash numpy sorting

Last synced: 01 Feb 2025

https://github.com/nemeslaszlo/emergency-911-calls

Covers emergency (911) Calls: Fire, Traffic, EMS for Montgomery County, PA analysis with visualizations.

jupyter-notebook matplotlib numpy pandas seaborn

Last synced: 29 Jan 2025

https://github.com/nemeslaszlo/financial-crisis-effects-on-some-stocks

Focusing on bank stocks to see how they progressed throughout the 2008-09 financial crisis all the way to early 2016.

cufflinks jupyter-notebook matplotlib numpy pandas pandas-datareader plotly seaborn

Last synced: 29 Jan 2025

https://github.com/nemeslaszlo/dog_breed_identification

Dog breed identification model to identify and label 120 different dog breeds.

matplotlib numpy pandas tensorflow tensorflow-hub

Last synced: 29 Jan 2025

https://github.com/nemeslaszlo/heart-disease

Heart disease classification project with different models (LogisticRegression, KNeighboursClassifier, RandomForestClassifier) and detailed reports.

classification knearest-neighbor-classifier logistic-regression mathplotlib numpy pandas randomforest-classification scikit-learn seaborn

Last synced: 29 Jan 2025

https://github.com/nemeslaszlo/titanic-logistic-regression

This notebook covers a simple analysis with logistic regression on the popular titanic dataset.

cufflinks jupyter-notebook logistic-regression matplotlib numpy pandas plotly seaborn sklearn

Last synced: 29 Jan 2025

https://github.com/nemeslaszlo/lending-club-analysis

Lending Club analysis, with a model that can predict whether or nor a borrower will pay back their loan.

binary-classification classification data-visualization keras matplotlib numpy pandas seaborn tensorflow

Last synced: 29 Jan 2025

https://github.com/priyanka7411/flight-price-prediction-and-customer-satisfaction-ml

This project predicts flight prices and customer satisfaction using machine learning models. It includes two Streamlit apps for real-time predictions, with MLflow integration for model tracking and performance monitoring.

accuracy-score analysis classification dataframe f1-score ipynb-jupyter-notebook machine-learning mlflow numpy pandas plo prediction python r2-score recall regression-models rmse-score seaborn

Last synced: 16 Jan 2025

https://github.com/olutosinbanjo/direction_field

Plotting a Direction Field with Python (Intel® DevMesh Project)

cloud devcloud dpctl dppy heterogeneous-computing high-performance-computing intel intel-xpu numba numpy python3

Last synced: 05 Nov 2024

https://github.com/nemeslaszlo/sale-price-of-bulldozers

The goal of predicting the sale price of bulldozers. How well can we predict the future sale price of a bulldozer, given its characteristics previous examples of how much similar bulldozers have been sold for? (Archive kaggle competition)

matplotlib numpy pandas random-forest-regressor regression scikit-learn seaborn

Last synced: 29 Jan 2025

https://github.com/cusyio/datenverarbeitung-mit-numpy

Kurs zum Schreiben und Optimieren eigener Programme zur Datenverarbeitung mit Numpy.

numpy

Last synced: 07 Jan 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: 29 Jan 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: 29 Jan 2025

https://github.com/gandhasiri-rahul-mohan/random-forests-q2-company_data

About the data: Let’s consider a Company dataset with around 10 variables and 400 records.

data-science machine-learning numpy pandas python random-forest seaborn-plots

Last synced: 14 Jan 2025

https://github.com/607011/1dollar

Simulation of a counterintuitive distribution problem

animation go golang matplotlib numpy plot python3 simulation statistics

Last synced: 28 Dec 2024

https://github.com/sethios-notebook/__ia_learnig__

Formation Python spéciale Machine Learning francais. Apprendre Python en 30 fichiers qui contiennent une formation sur Numpy, Pandas, Matplotlib, Scipy, Sklearn, Seaborn, H5py, et bien d'autres techniques. Python est le langage d'excellence pour le machine learning, le deep learning, et la data science.

iac machine-learning matplotlib numpy python scikit-learn

Last synced: 13 Feb 2025

https://github.com/singhmnprt01/Custom-Deep-Neural-Network-Package

A custom deep neural network package that gives the liberty to design your deep neural network using only NumPy

customized-deep-neural-network deep-learning-framework maths-behind-neural-network numpy

Last synced: 20 Nov 2024

https://github.com/mattdelaune/saas_cohort_analysis

This project analyzes customer segmentation and behavior using data science and cohort analysis. Key metrics like CRR, NRR, CLR, and CLV are examined through detailed charts, including the cohort layer cake and CLR vs. CLV cost efficiency analysis. Exploratory Data Analysis and systematic data manipulation reveal actionable insights.

anaconda git jupyter-notebook matplotlib numpy pandas python saas-data sales-data sales-data-analysis-project seaborn

Last synced: 30 Dec 2024

https://github.com/thomasonzhou/minitorch

rebuilding pytorch: from autograd to convolutions in CUDA

cuda numba numpy

Last synced: 30 Dec 2024

https://github.com/danhenriquex/data-science-project

The main goal of this project was to apply the concepts of data visualization and analysis.

data-analysis data-science numpy pandas python

Last synced: 14 Jan 2025

https://github.com/huaxiaz/honor_engineering_analysis

This repository is adapt from the course materials for Honors Engineering Analysis at Northwestern University. The course is designed for Engineering first-year undergraduate students to learn about linear algebra and its applications.

complex-numbers complexity degree-distribution echelon-form erdos-renyi-model fractals iterative-methods jacobi-iteration jupyter-notebook linear-algebra markov-chain networkx networkx-tutorial numpy numpy-matrix pagerank-algorithm python random-graphs randomgraph

Last synced: 07 Dec 2024

https://github.com/yash-rewalia/stock-closing-price-prediction-using-regression

The ultimate business objective is to leverage the regression model to provide accurate predictions of the closing price of AMRN stock, enabling stakeholders to make well-informed investment decisions, manage risks effectively, optimize portfolios, Early warning systems to alert any fraud cases and align investment strategies with financial goals.

datapreprocessing eda hypothesis-testing machine-learning numpy pandas python random-forest regression regression-analysis statistics

Last synced: 12 Jan 2025

https://github.com/winstxnhdw/python-bench

Simple code optimisation benchmark for speed and accuracy.

benchmark numba numpy python scipy

Last synced: 05 Feb 2025

https://github.com/alexcoder04/image-edit

A Python GUI for basic image editing, school project

fun gui image-editing image-processing numpy pil pyqt pyqt5 python python3 qt sideproject

Last synced: 09 Feb 2025

https://github.com/gappeah/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: 09 Feb 2025

https://github.com/redinfinitypro/laser-strategy

Rating: (8/10): Is an interactive graphical simulation using Pygame library, featuring laser and detector dynamics. It includes pathfinding, collision detection, and dynamic object interactions. The game allows dragging, checking for collisions, and updating object states.

math numpy pygame random sys time

Last synced: 12 Feb 2025

https://github.com/apostolissiampanis/image-analysis

Content based image retrieval roughly based on the paper "Multimedia Retrieval through Unsupervised Hypergraph-based Manifold Ranking".

hypergraph image-analysis matplotlib networkx numpy python pytorch resnet-50 scipy

Last synced: 03 Nov 2024

https://github.com/pinedah/escom_programming-for-data-science

This repository contains personal notes, exercises, and programs from the Programming for Data Science course at Instituto Politécnico Nacional (IPN). The course focuses on using Python programming for data handling, statistical analysis, and machine learning techniques.

data-science escom matplotlib numpy pandas python python-algorithms python-library

Last synced: 14 Jan 2025

https://github.com/faisal-khann/diwali-sales-analysis

The "Diwali Sales Analysis" project aims to analyze the sales data during the Diwali festival period to uncover insights and trends that can help improve marketing strategies and sales performance in the future

csv data-analysis eda jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 29 Jan 2025

https://github.com/official-biswadeb941/mayabati---your-personal-ai-chef

Mayabati is a personal AI chef designed for enhancing culinary experience. Crafted by Biswadeb Mukherjee, a leading developer of ParseSphere Innovations.

flask flask-api flask-application gensim-word2vec keras-models keras-neural-networks keras-tensorflow nltk numpy pickle pytorch tensorflow

Last synced: 13 Jan 2025

https://github.com/nikhilroxtomar/fully-connected-neural-network-in-numpy

This is an efficient implementation of a fully connected neural network in NumPy.

dnn neural-network numpy python3

Last synced: 16 Jan 2025

https://github.com/nikhilroxtomar/introduction-to-numpy

A list of jupyter notebook explaining the various functions and properties of Numpy.

numpy numpy-tutorial

Last synced: 16 Jan 2025

https://github.com/eschan145/spaceshooter

A simple space shooter game

cpp cpp23 game gcc mingw-w64 numpy python python-arcade

Last synced: 12 Feb 2025

https://github.com/zensam7/easy_my_ai

Библиотека для создания ИИ, написана ПОЛНОСТЬЮ с нуля

genetic-algorithm library machine-learning neural-networks numpy q-learning

Last synced: 31 Oct 2024

https://github.com/moataz-elmesmary/genomics-project

Web App depends on ML in Detecting diabetes in its early stages so that doctors can treat it. Also the web site includes some important information about the disease and its symptoms. Check it out for more details.

diabetes-prediction flask frontend-app numpy pandas random-forest sklearn

Last synced: 20 Jan 2025

https://github.com/moataz-elmesmary/analog-clock-opencv

Computer vision project implemented with OpenCV

computer-vision cv2 numpy opencv

Last synced: 20 Jan 2025