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/klihe/astar-visualization

I am trying to implement *a path finding algorithm and create a visualization of it with Python and numpy library

algorithm astar-algorithm numpy pathfinding pygame python visualization

Last synced: 31 Oct 2024

https://github.com/dimits-ts/computational_statistics

Fundemental ML algorithm mathematics, algebraic and Python implementations, data-based problem solving

applied-mathematics machine-learning numpy regression statistics

Last synced: 07 Nov 2024

https://github.com/avs123a/image-edge-detection-demo

Demo of image edges detection using different operators, norms and custom masks

demo edge-computing edge-detection image-analysis image-manipulation image-processing jupyter-notebook numpy python python27 python3

Last synced: 18 Nov 2024

https://github.com/yenk/human-genomic-meta-analysis

Meta analysis of genomic studies to better understand if telomeres in the human genome are impacted by age from wild animals data.

linear-regression machine-learning matplotlib numpy scipy

Last synced: 31 Oct 2024

https://github.com/dulajkavinda/breast-cancer-detect

🧬 breast cancer classification using machine learning

added machinelearning matplotlib numpy pandas python

Last synced: 26 Oct 2024

https://github.com/dulajkavinda/fashion-classification

👗 classify fashion items using machine learning

added machinelearning matplotlib numpy pandas python scikit

Last synced: 26 Oct 2024

https://github.com/audrbar/py_site

Website for displaying Data Science Projects build on Streamlit

matplotlib numpy pandas python3 requests streamlit

Last synced: 10 Nov 2024

https://github.com/harshil8705/titanic_survival_prediction

I have Created a Machine Learning Model based on the Logistic Regression algorithm. This Model is capable of predicting whether the person will survive or not survive based on the given data of that particular person.This Model is highly accurate in predicting the result.

artificial-intelligence jupyter kaggle logistic-regression machine-learning matplotlib numpy pandas python seaborn titanic-kaggle titanic-survival-prediction

Last synced: 31 Oct 2024

https://github.com/jbayardo/aa-tp2

Q-Learning for Four in a row

matplotlib numpy python q-learning

Last synced: 17 Oct 2024

https://github.com/muthupillai1204/diwali_sales_analysis

The Diwali sales analysis reviews past data to identify trends, peak buying times, popular products, and customer demographics. It assesses sales volume, revenue growth, and promotional effectiveness, helping businesses optimize marketing and inventory for future seasons.

data datacleaning eda excel jupyter-notebook matlplotlib numpy pandas python seaborn visualization

Last synced: 31 Oct 2024

https://github.com/charlenry/python_math_ml

Les notebooks de ce dépôt sont mes notes de cours sur Python, NumPy et les Mathématiques pour le Machine Learning.

jupyter-notebook matplotlib-pyplot numpy plotly-express plotly-graph-objects python pytorch scipy-stats seaborn sklearn-datasets statistics sympy tensorflow time

Last synced: 31 Oct 2024

https://github.com/charlenry/machine_learning_estimer_prix_voiture

Projet de Machine Learning pour estimer le prix d'une voiture d'occasion via une application

joblib jupyter-notebook numpy pandas plotly-express python sklearn-linear-model sklearn-linear-regression

Last synced: 31 Oct 2024

https://github.com/hariprasath-v/advanced_cricket_tournament_simulation

Simulate cricket matches between two teams with this command-line program.

cricket cricketgame cricketsimulation ipython matplotlib numpy pandas python random seaborn

Last synced: 18 Nov 2024

https://github.com/ebadshabbir/bluff-detection-model-polynomial_regression-

This project predicts employee salaries based on position levels using Linear and Polynomial Regression models. It trains models with degrees 2, 3, and 4 on a dataset of job titles, position levels, and salaries, and predicts the salary for a position level of 6.5. The results are visualized to compare model performance.

jupyter-notebook linear-regression machine-learning matplotlib-pyplot multiple-linear-regression numpy polynomial-regression python

Last synced: 31 Oct 2024

https://github.com/arthurdsant/dataanalysis-agricultural_raw_material

This Python project performs the analysis and visualization of agricultural raw material price data using a dataset from Kaggle. Using Jupiter Notebook and Python.

jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 31 Oct 2024

https://github.com/nickklos10/concrete-compressive-strenght-prediction

This project predicts concrete compressive strength using a neural network regression model built with Keras.

jupyter-notebook keras matplotlib numpy pandas python scikit-learn

Last synced: 24 Oct 2024

https://github.com/rakesh3596/apple-phone-sales-analysis

Apple Phone Sales Analysis using Python tools like Pandas, Matplotlib, Numpy, Plotly, Apple csv file

csv-files csv-reader matplotlib numpy pandas plotly python

Last synced: 08 Nov 2024

https://github.com/fedesgh/parkinson_volatility_spread_on_cedears

Creating a function that returns a graph with the difference between Parkinson's volatility and regular volatility given a certain bounds

numpy pandas pickle seaborn

Last synced: 07 Nov 2024

https://github.com/isabelacaldeira/chutelibre

Crashing into code. Here is a physics problem about free fall solved with python!

freefall jupyter-notebook matplotlib numpy physics physics-simulation python3

Last synced: 31 Oct 2024

https://github.com/abeertechcamus/documentdata

The dataset was cleaned and queried using Python inside Jupyter Notebook and visualizes using PowerBI Document Data Analysis Projects

dax jupyter-notebook numpy pandas powerbi python

Last synced: 31 Oct 2024

https://github.com/grandmoff100/pygrids

Dimensional Data Manipulation and Spreadsheet-like pretty grids.

arrays grids hacktoberfest numpy python spreadsheet

Last synced: 13 Oct 2024

https://github.com/ebadshabbir/naive_bayes_classification-gaussain-

A Python project that applies Naive Bayes classification to predict user purchases based on age and salary using the Social Network Ads dataset. The project includes data preprocessing, model training, prediction, and visualization of decision boundaries for both training and test datasets.

classification gaussian jupyter-notebook machine-learning matplotlib-pyplot naive-bayes-classifier numpy pandas python

Last synced: 31 Oct 2024

https://github.com/manikantasanjay/youtube_exploratory_data_analytics

This is a Mini Project made using Python Libraries like Numpy, Pandas, Matplotlib etc to perform Data Analytics on US Video and Comments dataset.

jupyter-notebook matplotlib numpy pandas plotly python seaborn wordcloud

Last synced: 05 Nov 2024

https://github.com/billgewrgoulas/hypothesis-testing-on-37-seasons-of-nba

First assignment for the course Data Mining @CSE.UOI

data-analysis data-science numpy scipy seaborn statistics

Last synced: 16 Nov 2024

https://github.com/tomdewildt/google-foobar

Solutions for the Google Foobar problems implemented in Python

foobar google numpy pylint python

Last synced: 07 Nov 2024

https://github.com/billgewrgoulas/recommendation-systems

Algorithms for joke rating prediction using the joke data-set from Kaggle.

algorithm clustering collaborative-filtering machine-learning numpy pandas recommender-system scikit-learn scypi

Last synced: 16 Nov 2024

https://github.com/snghrsw/kikagaku-ml-learning

Pythonで単回帰分析と重回帰分析、ディープラーニングで回帰と分類

liner-regestion multiple-regression numpy pandas python scikit-learn

Last synced: 13 Oct 2024

https://github.com/keizerzilla/como-funciona-meshgrid

Apontamento breve explicando como a função meshgrid do Numpy funciona.

meshgrid numpy

Last synced: 05 Nov 2024

https://github.com/alyssonmach/machine-learning-com-python

Aplicações de Machine Learning usando a linguagem de programação Python.

ia keras-tensorflow machine-learning matplotlib numpy pandas programming python scikit-learn scipy

Last synced: 06 Nov 2024

https://github.com/hansalemaos/fortran2cc2fortran

Fortran to C / C to Fortran (nested) index converter

c converter fortran index numpy

Last synced: 26 Oct 2024

https://github.com/refraction-ray/numkl

A thin cython/python wrapper on some routines from Intel MKL

cython-wrapper lapack mkl numpy

Last synced: 15 Oct 2024

https://github.com/srevenant/data-science-alpine

A docker container for data science, using alpine linux and python3

alpine data numpy pandas python3 science scipy xgboost

Last synced: 25 Oct 2024

https://github.com/brpy/100-prisoners-problem

Simulation of 100 Prisoners Problem using Python

numpy python simulation veritasium

Last synced: 05 Nov 2024

https://github.com/mwoss/mownit

Various tasks from numerical analysis laboratories solved using Python

jupyter-notebook mathematics matplotlib numerical-analysis numpy python scipy

Last synced: 13 Oct 2024

https://github.com/mwoss/opencv-raspberry-pi

Video capture on Raspberry Pi/PC using OpenCV

numpy opencv python rapsberrypi video-capture

Last synced: 13 Oct 2024

https://github.com/hpennington/mono-visual-odometry

Monocular Visual Odometry in NumPy

computer-vision numpy opencv python

Last synced: 19 Nov 2024

https://github.com/caioandrian/data-analyst-procon

Análise dos dados do Procon, período de 2013 à 2016.

dataset numpy pandas python

Last synced: 01 Nov 2024

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

Machine learning in Python - course

numpy pandas pyplot python3 sklearn

Last synced: 05 Nov 2024

https://github.com/cicku/en.650.672

HW of EN.650.672

analytics data-analysis numpy pandas

Last synced: 09 Nov 2024

https://github.com/tralahm/datascience

Getting started with Data science Numerical Analysis and Scientific Computing

hmmlearn ipynb jupyterlab keras numpy pandas python3 scipy tensorflow

Last synced: 13 Nov 2024

https://github.com/ikbalcaus/handdrawingai

Hand Drawing Canvas + Machine Learning Program for Recognizing Letters

numpy opencv tkinker

Last synced: 01 Nov 2024

https://github.com/m1-elmasry/quickmark

Efficient OMR software designed for quick and precise grading of bubble sheet exams.

bubble-sheet image-processing numpy opencv python

Last synced: 24 Oct 2024

https://github.com/udhaya2823/dataspark-illuminating-insights-for-global-electronics

✨DataSpark✨ is a powerful analytics project transforming raw retail data into actionable insights for **Global Electronics**. By leveraging Python, SQL, and interactive visualizations, it uncovers trends in customer behavior, sales performance, and product popularity, driving smarter business decisions and boosting growth.

data-science data-visualization database-management datacleaning exploratory-data-analysis matplotlib numpy pandas powerbi python seaborn sql version-control

Last synced: 18 Oct 2024

https://github.com/syedzaheerabbas/risk-analytics-with-python

This project focuses on developing a basic understanding of risk analytics in banking and financial services and understand how data is used to minimize the risk of losing money while lending to customers.

eda hypothesis-testing numpy pandas python risk-analysis seaborn

Last synced: 18 Oct 2024

https://github.com/vidushibhadana/eda-on-nyc-taxi-data

About Conducting an Exploratory Data Analysis (EDA) on New York City taxi data and visualizing it through countplots, distribution plots (displot), and histograms using Python and it's libraries.

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

Last synced: 18 Oct 2024

https://github.com/akansharajput280799/data-exploration-and-visualization-for-streaming-platform

Data Analysis and Visualization for streaming platform to provide insights and recommendations to improve their userbase.

data-visualization excel exploratory-data-analysis matplotlib numpy python seaborn

Last synced: 18 Oct 2024

https://github.com/akansharajput280799/covid19-impact-analysis-usa

Data Analysis and Predictive Modeling to study COVID-19 impact across age groups, regions, and seasons in the USA.

classification-algorithm clustering-algorithm data-preprocessing data-visualization descriptive-statistics exploratory-data-analysis matplotlib numpy pandas seaborn

Last synced: 18 Oct 2024

https://github.com/li732375/tqc-plus_artificial-intelligence-machine-learning_python3

個人備考紀錄,附題目修改檔案與參考答案,以及題目勘誤內容和其他作法。

ai machine-learning numpy pandas pml3 python python3 tqc

Last synced: 18 Oct 2024

https://github.com/yosrak5/predictive_maintenance

End-To-End Predictive Analytics to predict Hardware Maintenance Before it occurs using data preprocessing and Machine Learning classification modeling (XGBOOST , Random Forest )

data-factory data-perspective machine-learning-workbench matplotlib numpy pandas python random-forest seaborn xgboost

Last synced: 18 Oct 2024

https://github.com/eesunmoon/genai_cor-recom

[Project] Outfit Coordination Recommender System using KoAlpaca

data-analysis fine-tuning generative-ai huggingface keyword llm numpy pandas python python3 selenium

Last synced: 18 Oct 2024

https://github.com/vishal-verma-96/capstone_project_by_skill_academy

Capstone Project by skill Academy- Exploratory Analysis, Visualization and Prediction of Used Car Prices. Deploying the highest-scoring model with Streamlit web app

data-analysis data-science jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python3 regression-algorithms scikit-learn seaborn

Last synced: 18 Oct 2024

https://github.com/filipporanza/signal_lib

personal programs for signal analysis

numpy python3 signal-analysis signal-processing

Last synced: 06 Nov 2024

https://github.com/kheriberto/knn_project

This is a simple project that uses dummie data to practice and demonstrate my knowledge of the KNN algorithm.

data-analysis knn-classifier numpy python scikit-learn seaborn

Last synced: 18 Oct 2024

https://github.com/constraintautomaton/client_pgu1

The client part of the PgU1 project it. It command the robot and do the video processing

numpy opencv paramiko pyqt5 python3 raspberry-pi-3

Last synced: 28 Oct 2024

https://github.com/rkarahul/face-detection-using-opencv-

•Build a face detection project using OpenCV and haar cascades, which are the better choice for real-time detection.

haar-cascade-classifier machinelearning numpy pandas-library python3 tkinter

Last synced: 07 Nov 2024

https://github.com/rkarahul/vehicle-number-plate-detection-and-ocr-reading-using-opencv-and-paddleocr

complated Vehicle Number Plate Detection and OCR Reading Using OpenCV and PaddleOCR

numpy opencv paddleocr paddlepaddle pandas python

Last synced: 07 Nov 2024

https://github.com/shreedata/data-analysis-using-python-libraries-

The COVID-19 pandemic has significantly impacted India, necessitating a detailed analysis of the virus’s spread within the country. In this project, we explore an India-specific COVID-19 dataset, leveraging Python libraries such as Pandas, NumPy, Matplotlib, and Seaborn.

covid-19 data data-cleaning data-visualization datana kaggle-dataset matplotlib numpy pandas-python python3 pythonlibrarires scikit seaborn

Last synced: 18 Oct 2024

https://github.com/matheusafonseca/c213-trabalho-1

Respositório dedicado a guardar os códigos dedidcados ao primeiro projeto de C213

matplotlib numpy pid-controller python scypi streamlit

Last synced: 18 Oct 2024

https://github.com/aaronmcleancs/cvv_15m_sars-cov-2

~15M Parameter Convolutional Neural Network for SARS-CoV-2 X-ray Image Classification | Optimized for M1 Pro with tensorflow-metal

aws numpy python tensorflow

Last synced: 18 Oct 2024

https://github.com/iwitaly/aws-lambda-docker-builder

Docker image for building packages for AWS Lambda with Python environment

aws aws-lambda docker docker-image numpy python python3

Last synced: 29 Oct 2024

https://github.com/ijproject/calculate-absorption-rate

大気を構成する分子ごとの赤外線吸収割合を計算するプログラム。

numpy python

Last synced: 14 Oct 2024

https://github.com/udipta14/historical-olympic-games-eda-python

Exploratory Data Analysis of a Historical Olympic Games Dataset, including all the games from Athens 1896 to Rio 2016.

data-cleaning data-visualization eda matplotlib numpy pandas python3 seaborn

Last synced: 07 Nov 2024

https://github.com/jimmymugendi/bulding-a-decision-tree-to-predict-customer-churn

This repo desribes bulding a decision tree to predict customer churn in a given organisation

accuracy-score decision-tree-classifier matplotlib-pyplot numpy pandas-dataframe scikit-learn

Last synced: 16 Nov 2024

https://github.com/codebyaadi/whatsapp-chat-analyzer

WhatsApp Chat Analyzer is a web app built with Streamlit and Python to analyze your WhatsApp conversations. Upload your chat data and gain valuable insights on message frequency, active participants, and more. Visualize your conversations with word clouds and charts. Explore and understand your chats effortlessly.

data-analysis data-science data-visualization numpy pandas pycharm-ide python python3

Last synced: 31 Oct 2024

https://github.com/abeed04/face-recognition-using-computer-vision-cv2

OpenCV (cv2) can be used for face recognition by detecting faces, extracting facial features, and comparing them to a database of known faces.

cmake cv2-library dlib-face-recognition face-recognition flask numpy pycharm-ide python

Last synced: 31 Oct 2024

https://github.com/babagata/praktikum-4-data-analysis

Data analysis for course "Physics laboratory IV"

matplotlib numpy pandas scipy

Last synced: 07 Nov 2024

https://github.com/babagata/racunalna_fizika

Math and physics solved with python

matplotlib numpy random scipy sympy

Last synced: 07 Nov 2024

https://github.com/mpbeatriz/santander_coders_2024

Repositório dos exercícios e projetos do curso de Engenharia de Dados da Ada em parceria com o Santander (em andamento).

apache-kafka apache-spark api data-engineering data-extraction fastapi flask numpy oop pandas python webhooks

Last synced: 24 Oct 2024

https://github.com/navindafernando/lane-detection

Lane Detection with Image Feature Extraction Techniques :aerial_tramway:

image-feature-extraction kernel-filters machine-learning neighborhood numpy opencv sobel-filter

Last synced: 08 Nov 2024

https://github.com/rdvdev2/tf-test

Mostres de ML i IA amb TensorFlow basades en els tutorials oficials per al PR

numpy python research-project tensorflow tensorflow-tutorials

Last synced: 14 Oct 2024

https://github.com/codeslash21/tmdb_data_analysis

We analysed TMDB dataset which contains around 11000 movies details. We analyzed to find some interesting facts about the dataset.

data-analysis data-visualization matplotlib nanodegree-project numpy pandas python tmdb-movie

Last synced: 05 Nov 2024

https://github.com/umesh-01/python

Python is a programming language that lets you work more quickly and integrate your systems more effectively. Python is used for web development, AI, machine learning, operating systems, mobile application development, and video games.

ai application-development artificial-intelligence deep-learning machine-learning matpotlib ml nlp numpy open-source pandas python python-framework python-libraries python3 web-development

Last synced: 31 Oct 2024

https://github.com/ahmedabdalkreem/healty-care

The Complete project using neural network to arrive the best healt know he is stoke or not.

matplotlib neural-network numpy pandas python3 sklearn-library

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/breast-cancer

It help to know the patient have breast cancer or not and show some of diagram analysis data to know what depenent in this disease that lead to this disease.

matplotlib numpy pandas python sklearn-library

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/covid-19

In this project we build complete project conatin tree part first part build deep leanring model using CNN second part build simple mobile app using Flutter and the last part is to connect mobile app with model using Flask API.

cnn dart deep-learning flask-api flutter matplotlib mobile-app numpy pandas python tensorflow

Last synced: 16 Nov 2024

https://github.com/tapishr/numpy-rnn

Implementation of an RNN using numpy library in python

numpy python recursive-neural-network rnn

Last synced: 24 Oct 2024

https://github.com/ahmedabdalkreem/machine_learning_with_cv

In this project work to extraction feature from shapes to be input of machine learning model.

chaincode computer-vision contour-detection feature-extraction machine-learning matplotlib numpy open-cv pandas python sklearn svc-model

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/diabetes

Complete project of people that have diabetes and show what features that explain that person be sick.

bagging-ensemble classification descision-tree ensemble logistic-regression matplotlib numpy pandas python3 sklearn svm voting-classifier

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/connected_component_labeling

Technique used to detect small object in the image like shapes and number can used this technique in OCR.

computer-vision connected-components matplotlib numpy object-detection python rgb2gray threshold

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/airline_passenger_satisfaction

In this project, we work in machine learning project that show the satisfacion of customer from the service that have in airline this service make it like this experience or not.

decision-trees gradient-boosting knn logistic-regression machine-learning matplotlib naive-bayes numpy pandas preprocessing python random-forest svm visualization

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/skin-cancer

In this project we work to extraction features from Images using CNN and build the Neural Network to arrive the patient have skin-cancer Malignant or Benign.

cnn deep-learning matplotlib neural-network numpy pandas python3 sklearn-library

Last synced: 16 Nov 2024

https://github.com/ahmedabdalkreem/speech-recognition

In this project we deal with audio dataset to make classification between ten audio and make preprocssing in it using Librosa and Scipy then be input of Neural Network Model.

librosa matplotlib neural-network numpy pandas python3 scipy sklearn tensorflow

Last synced: 16 Nov 2024