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/sergio11/breast_cancer_diagnosis_mlp

🩺🔬 MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. 📊🤖

deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify

Last synced: 14 Dec 2024

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

https://github.com/charmve/numpycnn

Building Convolutional Neural Networks From Scratch using NumPy

cnn computer-vision deep-learning deep-learning-tutorial machine-learning numpy project python tutotrial

Last synced: 15 Nov 2024

https://github.com/amorehead/ml-fundamentals

A self-educational series of Python scripts made to explore the vast library of machine learning knowledge.

machine-learning numpy pandas python scipy sentdex tensorflow tflearn

Last synced: 13 Dec 2024

https://github.com/lexxai/goit_python_ds_hw_08

Модуль 8. Глибоке навчання. Tensorflow.

classification data-science matplotlib minst numpy pandas python sklearn tensorflow

Last synced: 24 Nov 2024

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: 17 Nov 2024

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: 15 Nov 2024

https://github.com/khaymanii/multiple-disease-prediction-system

This system predicts if a patient has heart, parkinsons and diabetes disease

matplotlib numpy pandas python scikit-learn

Last synced: 20 Nov 2024

https://github.com/rkarahul/real-time-industrial-project-for-ocr-data-extraction-in-a-production-lane

Real-time industrial project for OCR data extraction in a production lane

fastapi numpy opencv paddleocr pandas python3 uvicorn

Last synced: 29 Dec 2024

https://github.com/hansalemaos/locate_pixelcolor

Locate RGB values in a picture! 40x faster than PIL, 5x faster than numpy

bot colors locate np numexpr numpy rgb

Last synced: 22 Nov 2024

https://github.com/saptarshi11/roadsenseai

Roadsense.AI refers to the process of categorizing road traffic accidents based on their severity.

artificial-intelligence machine-learning mathplotlib numpy pandas python seaborn

Last synced: 21 Dec 2024

https://github.com/dpgitaccount/file-handling-data-analytics-toolkits

In this repo File handling, Inventory management system and data toolkits resources are provided these are essential for managing, storing, and manipulating data in various formats, such as JSON files. JSON (JavaScript Object Notation), is widely used for data exchange due to its simplicity and readability. also File Handling included in this repo.

filehandling inventory-management json jupyter-notebook numpy os

Last synced: 19 Dec 2024

https://github.com/ladityagogoi/shadowguard

The ShadowGuard Browser Extension is a powerful tool designed to enhance user experience by identifying and highlighting potential dark patterns on websites. Our extension employs a combination of machine learning algorithms and natural language processing (NLP) models to detect and classify various deceptive design practices

css flask html javascript joblib numpy pandas python scikit-learn

Last synced: 13 Nov 2024

https://github.com/techassi/hfu-imgcomp

Image processing and computer graphics SOSE 22

computer-vision image-processing numpy opencv python

Last synced: 15 Nov 2024

https://github.com/reddyprasade/bicycle-sharing-system-in-us

A bicycle-sharing system, public bicycle system, or bike-share scheme, is a service in which bicycles are made available for shared use to individuals on a short term basis for a price or free. Many bike share systems allow people to borrow a bike from a "dock" and return it at another dock belonging to the same system. Docks are special bike racks that lock the bike, and only release it by computer control. The user enters payment information, and the computer unlocks a bike. The user returns the bike by placing it in the dock, which locks it in place. Other systems are dockless. For many systems, smartphone mapping apps show nearby available bikes and open docks.

dataanalysis jupyter maplotlib numpy pandas python r

Last synced: 06 Dec 2024

https://github.com/mihirh19/analyzing-crimes-in-la

This GitHub repository contains a comprehensive analysis of crime data in Los Angeles. Leveraging a variety of data sources, tools, and techniques, we have explored patterns, trends, and insights related to criminal activities within the city. Our analysis includes data visualization crime dynamics in different neighborhoods and over time.

dataset machine-learning matplotlib numpy pandas seaborn

Last synced: 14 Dec 2024

https://github.com/xmcp/waver

Wave file generator

numpy tkinter wavefile waveform

Last synced: 12 Nov 2024

https://github.com/mihirh19/python

a repository for collaborative development and version control using Git that houses Python code files, documentation, tests, and other project-related files.

algorithms data-structures django fastapi flask machine-learning numpy pandas python

Last synced: 14 Dec 2024

https://github.com/FredStober/cpp2numpy

cpp2numpy is a C++ library to write numpy files

c-plus-plus numpy

Last synced: 22 Nov 2024

https://github.com/md-emon-hasan/numpy-pandas-matplotlib-seaborn

A collection of tutorials and examples showcasing the usage of Numpy, Pandas, Matplotlib, and Seaborn for data manipulation and visualization.

data-science data-visualization matplotlib numpy pandas python seaborn

Last synced: 13 Nov 2024

https://github.com/mgobeaalcoba/pandas_y_numpy

Trabajos realizados con estas librerías de Python para manejo de datos.

data-analysis data-science dataset numpy pandas python

Last synced: 19 Nov 2024

https://github.com/md-emon-hasan/data_analytics_project

A repository containing projects demonstrating practical applications of data analytics techniques using Python and related libraries

data-analysis data-cleaning data-engineering data-science data-visualization numpy pandas

Last synced: 13 Nov 2024

https://github.com/nomadsdev/pulse-detect

PulseDetect is a Python tool that detects audio frequencies in real-time. It captures sound from the microphone and identifies the dominant frequency using pyaudio and numpy

numpy pulse-detect pyaudio python scipy

Last synced: 06 Dec 2024

https://github.com/hokagem/byakuganvisualizer

The ByakuganVisualizer repository hosts a Python tool designed to compare images and highlight their differences. It simplifies the process of identifying disparities between images, making it ideal for tasks like testing and quality assurance. Moreover, it offers a color filter that can be used to correct images for color-blind users.

color-blind color-correction colorblind image-manipulation numpy pillow

Last synced: 20 Dec 2024

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: 23 Dec 2024

https://github.com/kernferm/presidential-future-events-impact-simulation

This repository contains a Python simulation model that forecasts political, economic, and social factors under a hypothetical presidency. Users input initial values, and the model simulates their progression through defined interactions and random variations.

economic-model forecasting matplotlib numpy political-model python scipy simpy simulation social-model

Last synced: 06 Dec 2024

https://github.com/Krisseck/hki-traffic-predict

Keras neural network to predict traffic in Helsinki

avoindata helsinki keras numpy open-data python traffic

Last synced: 22 Nov 2024

https://github.com/h3ar7b3a7/exploringjupyterlab

This is just an exploration in using Jupyter Lab, Notebook and some useful Python libraries. Some basic commands, markups and extensions setup are documented here too.

bokeh extensions jupyterlab matplotlib notebook-jupyter numpy pandas

Last synced: 15 Nov 2024

https://github.com/tingnie/dataanalysis

python数据分析库笔记

numpy pandas python3

Last synced: 15 Nov 2024

https://github.com/mirgis/sassy-sandbox

A diverse code collection encompassing Python, JavaScript, Julia, and others, providing a wealth of examples, experiments, and snippets.

android aws bokeh ipynb ipywidgets javascript julia kotlin matplotlib numpy playground python3 r sandbox scipy

Last synced: 16 Nov 2024

https://github.com/ryantusi/ai_ml_fundamentals

Welcome to my GitHub repository showcasing projects completed during the AI/ML Foundation course from Codecademy. This repository contains a collection of projects that demonstrate my skills and knowledge in the field of artificial intelligence and machine learning.

artificial-intelligence data-science data-visualization exploratory-data-analysis foundation machine-learning numpy pandas python

Last synced: 19 Nov 2024

https://github.com/harmanveer2546/movie-industry

Investigate the film industry to gain sufficient understanding of what attributes to success and in turn utilize this analysis to create actionable recommendations for companies to enter the industry.

dataanalysis datetime matplotlib numpy pandas python seaborn

Last synced: 13 Nov 2024

https://github.com/nirmalvatsyayan/data-analyst-nanodegree

Udacity data analyst nanodegree project submissions and learning

data-analysis numpy pandas python statistics udacity-data-analyst-nanodegree

Last synced: 13 Nov 2024

https://github.com/tejasvi541/machine-learning

My Machine and Deep Learning Practice and Projects Notebooks

matplotlib numpy python3 pytorch sklearn tensorflow

Last synced: 13 Nov 2024

https://github.com/reshiadavan/musica

A Music Composer AI.

keras lstm-ann music21 numpy pickle python

Last synced: 13 Nov 2024

https://github.com/louis-finegan/convection-diffusion-models-finite-difference-method-python3

Applying the finite-difference method to the Convection Diffusion equation in python3. Examples included: One dimensional Heat equation, Transport equation, Fokker-Plank equation and some two dimensional examples.

convection-diffusion finite-difference-method fokker-planck-equation heat-equation jupyter-notebook mathematical-modelling matplotlib matplotlib-animation numpy python3 transport-equation

Last synced: 06 Dec 2024

https://github.com/isa1asn/line_following_robot_ros2

A line track follower robot with a camera sensor using ros2 and cv2

cv2 numpy opencv-python python3 ros2 ros2-humble sensor xacro

Last synced: 19 Nov 2024

https://github.com/prathameshdhande22/data-visualization-tutorial

Repository Contains all the stuff required for Data Visualization. Numpy Tutorial, Pandas Tutorial, Matplotlib Tutorial, Seaborn Tutorial

data-visualization jupyter-notebook matplolib numpy pandas pandas-dataframe python seaborn tutorial

Last synced: 14 Nov 2024

https://github.com/datarohit/tps-january-2022--kaggle-competition

Tabular Playground Series - Jan 2022. This Competition is Posted on Kaggle.com for practicing the EDA and Regression Skills.

kaggle-competition matplotlib numpy pandas regression-algorithms seaborn

Last synced: 23 Dec 2024

https://github.com/isa1asn/mnist-neural-net

Applying neural networks on the MNIST dataset (from scratch & using tf)

from-scratch keras mnist-classification neural-networks numpy pandas relu-activation softmax tensorflow

Last synced: 19 Nov 2024

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: 13 Nov 2024

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: 06 Dec 2024

https://github.com/furkankayar/hybridneuralnet

Decision tree powered artificial neural network library.

cpp decision-tree neural-network numpy pybind11 python3

Last synced: 13 Nov 2024

https://github.com/anish202020/big-data-analysis-mini-project

The primary purpose of this code is to predict wind speed using an LSTM model. The model is trained on historical wind speed data to forecast future values.

keras matplotlib-pyplot numpy pandas sklearn

Last synced: 13 Nov 2024

https://github.com/mchenryspagg/analysis-of-car-repair-shop-operations

This project presents a comprehensive data analysis of a car repair shop's operations, utilizing an extended dataset of sales receipts.

dataanalysisusingsql datavisualization matplotlib-pyplot mysql mysql-database mysqlconnector numpy pandas python salesanalysis seaborn sql

Last synced: 06 Dec 2024

https://github.com/dantesc03/analisis-de-la-produccion-lechera-de-granjas-espanolas

Este repositorio contiene un análisis de regresión sobre la producción lechera de las granjas del norte de España. El proyecto se completo con las librerías de pystata

econometrics numpy pandas pystata python random-forest scipy-stats sklearn stata

Last synced: 06 Dec 2024

https://github.com/yanboishere/okx.api-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: 14 Dec 2024

https://github.com/syedaanif/ds-ml-pyhton

This repo contains learnings about Data Science and Machine Learning using Python

artificial-intelligence data-science machine-learning matplotlib numpy pandas plotly python seaborn

Last synced: 15 Nov 2024

https://github.com/yash-rewalia/airline-passeneger-recommendations-classification

The primary objective is to deploy a robust classifier model that accurately predicts user recommendations, empowering airlines to strategize effectively, understand user behavior, optimize services, and align business strategies with financial objectives.

decsion-tree hypothesis-testing knn machine-learning numpy pandas python random-forest-classifier svm-classifier

Last synced: 13 Nov 2024

https://github.com/yash-rewalia/airbnb_eda_pandas

The goal of the project is to gather information and analyze the detailed information of the different entries in order to provide insights about the host and price of the property in a particular area as per your preference , type of rooms and number of reviews accordingly.

data data-cleaning data-insights data-preprocessing data-visualization matplotlib numpy pandas python seaborn

Last synced: 13 Nov 2024

https://github.com/nguyenanhtuan1912/computer_vision_exercises

Trong này sẽ chứa các file source về bài tập Computer Vision.

computer-vision numpy opencv python

Last synced: 16 Nov 2024

https://github.com/mohd-faizy/learn_numpy

NumPy (short for Numerical Python) is a powerful Python library used for working with arrays, matrices, and numerical computations.

array-manipulations numpy numpy-arrays numpy-matrix numpy-neural-network numpy-python numpy-tutorial

Last synced: 13 Nov 2024

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: 13 Nov 2024

https://github.com/dantasl/probabilidade-analise

Análise sobre o desempenho dos discentes na disciplina Resolução de Problemas Matemáticos Para Tecnologia da Informação (RPMTI) nos semestres de 2015.2, 2016.1 e 2016.2

data-science numpy pandas probability

Last synced: 13 Dec 2024

https://github.com/florianwoelki/mnist_fashion_cnn

This is a classification problem based on the mnist fashion dataset. I've used a CNN to classify the images.

classifier cnn fashion keras mnist numpy pandas tensorflow

Last synced: 29 Nov 2024

https://github.com/roma-glushko/numpy-katas

🧮 Exercises to sharp scientific computations with Numpy

katas numpy

Last synced: 19 Dec 2024

https://github.com/sominw/cheatsheets

Useful cheatsheets for DS.

cheat-sheets cheatsheet numpy pandas probability

Last synced: 13 Nov 2024

https://github.com/bhattbhavesh91/tf-numpy-example

Faster NumPy using Tensorflow's tf.experimental.numpy module

keras numpy tensorflow

Last synced: 16 Nov 2024

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: 15 Nov 2024

https://github.com/kunalshelke90/predict-bank-credit-risk-using-south-german-credit-data

This is an end-to-end ML project, which aims at developing a classification model for the problem of classifying a given customer profile into either of the risk category (safe or not safe). The final classifier used for this project is CatBoost classifier. Deployed in AWS.

aws cassandra catboost-classifier classification credit-risk data data-science dataanalysis dockerfile finance financial-analysis flask github-actions logging machine-learning mlflow numpy pandas python

Last synced: 19 Nov 2024

https://github.com/teddylee777/data-exam

데이터 분석 연습문제 풀이

dataframe jupyter numpy pandas

Last synced: 23 Nov 2024

https://github.com/programmer-rd-ai/moviedatascraper

Explore the cinematic universe with our IMDb web scraping project! Dive into movie data with ease, uncovering insights from cast to critical reviews. With dynamic visualizations and reliable data, let's journey through the world of movies like never before. Lights, camera, analysis!

beautifulsoup beautifulsoup4 data data-analysis jupyter-notebook matplotlib numpy pandas programming python python3 scraping seaborn software web

Last synced: 13 Nov 2024

https://github.com/rayyan9477/data-driven-house-price-prediction-and-property-recommendation-app

The app leverages algorithms to accurately predict house prices and recommend similar properties based on a saved dataset through content-based filtering. It is tailored for homebuyers seeking their dream house and real estate investors looking for profitable opportunities, providing powerful insights and data-driven decision-making support.

data-science eda html machine-learning numpy pandas python scikit-learn

Last synced: 11 Nov 2024

https://github.com/programmer-rd-ai/dimensionality-reduction

DimRed is a comprehensive Python toolkit for advanced dimensionality reduction, integrating with major machine learning libraries and featuring real-time performance monitoring to enhance data analysis and model efficiency.

analytics data-analysis data-science lightgbm machine-learning matplotlib numpy pandas programming python python3 sklearn university xgboost

Last synced: 13 Nov 2024