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/sumitgirwal/drinks-dataset-data-analysis

A drinks dataset from Kaggle. Applying analysis using Python, NumPy, Pandas, Matplotlib.

dataanalysis drinks-dataset kaggle matplotlib numpy pandas python3

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

https://github.com/ayaanjawaid/vizualite

Vizualite allows you to upload dataset and clearly view the attributes and allows you to create vizualizations, you can also download dataset.

matplotlib numpy pandas python3 streamlit

Last synced: 14 Feb 2025

https://github.com/sultanazhari/analyze-client-behavior

Megaline Telecomunication Company want to know how their customer habbits in using their services. As a data Analyst we're provided Customer Habbits and suggest to determine the options that need to be taken

matplotlib-pyplot numpy python3 scipy seaborn telecommunications

Last synced: 25 Jan 2025

https://github.com/ayaanjawaid/brain_stroke_prediction

project aims to predict the likelihood of a stroke based on various health parameters using machine learning models. The dataset is preprocessed, analyzed, and multiple models are trained to achieve the best prediction accuracy.

decision-trees exploratory-data-analysis matplotlib numpy pandas python regression xgboost

Last synced: 14 Feb 2025

https://github.com/narenkhatwani/arkouda-projects

This repository contains the source codes of the projects done using Arkouda (a software package that allows a user to interactively issue massive parallel computations on distributed data using functions and syntax that mimic NumPy, the underlying computational library used in most Python data science workflows.)

arkouda data-analysis data-analytics data-science high-performance high-performance-computing highperformancecomputing numpy pandas parallel-computing parallel-processing parallelization python

Last synced: 06 Feb 2025

https://github.com/aarryasutar/pipe_leak_estimation_predictor_model

The project builds a Bayesian Network using pressure sensor data to detect pipe leaks, employing probabilistic reasoning to determine the likelihood of leaks based on sensor readings. It involves loading dataset, defining network structure, calculating CPDs, adding them to model, and using Variable Elimination algorithm for inference

bayesian-networks cpd csv dag data-frames inference model-verification numpy pandas pgmpy pressure-sensors probabilistic-graphical-models probability python variable-elimination-algorithm

Last synced: 12 Jan 2025

https://github.com/shanmukhsrisaivedullapalli/automatic-ticket-classification

This project processes customer complaint data using pandas for data manipulation and applies text preprocessing techniques, including lemmatization, to clean and normalize complaint text. The `tqdm` library provides progress bars for efficient tracking of text processing tasks.

matplotlib neural-networks nlp numpy pandas python3 scikit-learn seaborn tensorflow tqdm wordcloud

Last synced: 25 Jan 2025

https://github.com/aarryasutar/credit_eda

This project focuses on cleaning and analyzing a loan application dataset to gain insights into the factors influencing loan defaults. Through systematic data cleaning, visualization, and merging with previous application data, it provides a robust foundation for further predictive modeling.

binning boxplot correlation-matrix data-cleaning data-splitting dataframe feature-engineering heatmap jupyter-notebook matplotlib numpy pandas python scikit-learn seaborn

Last synced: 12 Jan 2025

https://github.com/rishraks/color-object-detection

This project enables real-time detection of user-defined color objects using a webcam. Users enter a color name, and the program identifies objects matching that color by converting it to its HSV range, applying a mask, and detecting contours. It's a practical tool for object tracking, sorting, and interactive applications.

computer-vision numpy opencv pillow-library

Last synced: 14 Feb 2025

https://github.com/rishraks/handsign-ai

HandSign AI is a gesture recognition project using Mediapipe to detect custom hand signs like fist, palm, and V-sign. It automates tasks such as starting/stopping video recording and capturing screenshots, showcasing intuitive, touch-free interactions for various applications like smart devices and accessibility.

mediapipe ml numpy opencv python

Last synced: 14 Feb 2025

https://github.com/gauravcodepro/numpy-builder

A numpy shell builder to extract and how to use the numpy across the arrays.I am putting the entire manual for those who like to search immediately rather than looking here and there.

bash-prompt bash-script bash-scripting data-analysis data-mining data-science numpy numpy-arrays shell-prompt shell-script

Last synced: 02 Jan 2025

https://github.com/py-mp3/boston-comparing-regression-modules

A ipynb file that compares different regression modules in the sk.learnit library.

ipython-notebook numpy pandas python regression-models seaborn sklearn

Last synced: 12 Jan 2025

https://github.com/vtramo/neural-networks-experiments-from-scratch

The objective of this repository is to provide a learning and experimentation environment to better understand the details and fundamental concepts of neural networks by building neural networks from scratch.

activation-functions backpropagation batch-learning classification-problem early-stopping gradient-based-algorithm improved-resilient-backpropagation irprop kfold-cross-validation minibatch momentum neural-network numpy online-learning python python3 resilient-backpropagation rprop softmax stochastic-gradient-descent

Last synced: 18 Jan 2025

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

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

keras numpy tensorflow

Last synced: 17 Jan 2025

https://github.com/ngirimana/ml_knn

Welcome to the KNN Project! This will be a simple project very similar to the lecture, except you'll be given another data set. Go ahead and just follow the directions below.

artificial-intelligence knn-algorithm knn-classification knn-classifier machine-learning matplotlib numpy pandas python3 searbon

Last synced: 01 Jan 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: 25 Jan 2025

https://github.com/ngirimana/decision-trees-and-random-forest-

For this project we will be exploring publicly available data from [LendingClub.com](www.lendingclub.com). Lending Club connects people who need money (borrowers) with people who have money (investors). Hopefully, as an investor you would want to invest in people who showed a profile of having a high probability of paying you back. We will try to create a model that will help predict this. Lending club had a [very interesting year in 2016](https://en.wikipedia.org/wiki/Lending_Club#2016), so let's check out some of their data and keep the context in mind. This data is from before they even went public. We will use lending data from 2007-2010 and be trying to classify and predict whether or not the borrower paid back their loan in full. You can download the data from [here](https://www.lendingclub.com/info/download-data.action) or just use the csv already provided. It's recommended you use the csv provided as it has been cleaned of NA values. Here are what the columns represent: * credit.policy: 1 if the customer meets the credit underwriting criteria of LendingClub.com, and 0 otherwise. * purpose: The purpose of the loan (takes values "credit_card", "debt_consolidation", "educational", "major_purchase", "small_business", and "all_other"). * int.rate: The interest rate of the loan, as a proportion (a rate of 11% would be stored as 0.11). Borrowers judged by LendingClub.com to be more risky are assigned higher interest rates. * installment: The monthly installments owed by the borrower if the loan is funded. * log.annual.inc: The natural log of the self-reported annual income of the borrower. * dti: The debt-to-income ratio of the borrower (amount of debt divided by annual income). * fico: The FICO credit score of the borrower. * days.with.cr.line: The number of days the borrower has had a credit line. * revol.bal: The borrower's revolving balance (amount unpaid at the end of the credit card billing cycle). * revol.util: The borrower's revolving line utilization rate (the amount of the credit line used relative to total credit available). * inq.last.6mths: The borrower's number of inquiries by creditors in the last 6 months. * delinq.2yrs: The number of times the borrower had been 30+ days past due on a payment in the past 2 years. * pub.rec: The borrower's number of derogatory public records (bankruptcy filings, tax liens, or judgments).

artificial-intelligence decision-tree-classifier machine-learning matplotlib numpy pandas python3 random-forest-classifier seaborn

Last synced: 01 Jan 2025

https://github.com/mhmudfzli/exploring-mental-health-data

This project demonstrates a comprehensive approach to solving a regression problem using various machine learning models. The notebook includes: Data Preprocessing, Exploratory Data Analysis (EDA), Model Training, Hyperparameter Tuning, Model Evaluation, Feature Importance

catboost lightgbm matplotlib numpy pandas scikit-learn seaborn xgboost

Last synced: 25 Jan 2025

https://github.com/fiercex/toynn

Python实现神经网络

mnist-classification neural-network numpy python

Last synced: 12 Jan 2025

https://github.com/darshan12345678910/air-quality-prediction-ml-algorithms

AirPredict AQI prediction using classification algorithm

classification-algorithims gradio-interface numpy pandas

Last synced: 10 Jan 2025

https://github.com/srujayreddy/selling-laptops

Predicting whether users will click on a promotional email for laptops based on historical user data and browsing logs.

customer-behavior-analysis feature-engineering logistic-regression machine-learning marketing-analytics numpy pandas predictive-modeling scikit-learn

Last synced: 25 Jan 2025

https://github.com/sentifyy/pdfreader

Ready to use Python application/file for parsing a specific format of pdf form, and storing relevant user data in a tabular format in excel sheet

excel forms matplotlib numpy ocr opencv-python pandas pdf pdf-converter pdfplumber pytesseract python

Last synced: 25 Jan 2025

https://github.com/qua77i20/ai2

A simple single-layer neural network (perceptron) built in Python. Demonstrates backpropagation training from scratch for beginners.

ai backpropagation data-science deep-learning machine-learning neural-network numpy perceptron python

Last synced: 25 Jan 2025

https://github.com/hayatiyrtgl/data_analysis_project

Financial data analysis: preprocess, visualize, calculate technical indicators.

data-analysis data-analysis-python data-science dataframe numpy pandas python python3 stock-price-prediction talib trade-analysis

Last synced: 14 Feb 2025

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

https://github.com/rasbeetech/loan-calculator

Tkinter framework application

matplotlib numpy python tkinter

Last synced: 25 Jan 2025

https://github.com/aniketmondal/da_youtube_popular_videos

Analysis of current most popular YouTube videos. Contains real-life data collection using API, storing data in Cloud database, analysis of various data types in Pandas, and creating visualizations using Seaborn, Matplotlib.

cloud-database compute-engine data-cleaning data-science data-wrangling datetime-library google-cloud-platform ipython-notebook matplotlib numpy pandas pgadmin4 postgresql psycopg2 python python-dotenv seaborn virtual-machine youtube-api-v3

Last synced: 12 Jan 2025

https://github.com/symisc/sy-numpy-cpp

A C++17 library for reading and writing NumPy .npy files, with optional .npz (zip) archive support

cpp-library cpp17 numpy numpy-library serialization

Last synced: 10 Jan 2025

https://github.com/mrhashemi/optimizers

Python implemntation of Conjugate Gradient method and Adam, and Broyden–Fletcher–Goldfarb–Shanno (BFGS) optimizers from scratch.

adam-optimizer bfgs conjugate-gradient numpy optimizer scipy

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

https://github.com/jaffar-hussein/python-pdb-parser-and-analysis

A Python-based parser and analysis tool for Protein Data Bank (PDB) files. The project aims to facilitate the manipulation of PDB files, enabling users to extract and compute various structural properties of proteins, such as counting amino acid residues and calculating distances between atoms.

jupyter-notebook matplotlib numpy pdb pdb-parser python3 seaborn

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

https://github.com/yannbouyeron/genopy

Analyses génétiques et phylogénétiques pour les SVT

biopython genetique lycee numpy pandas phylogenie svt

Last synced: 12 Jan 2025

https://github.com/chaymabghozzi/somnolence

Détection de somnolence

dlib numpy opencv pygame python

Last synced: 31 Jan 2025

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

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

https://github.com/uea-geral/rna-perceptron-exercise

🤖Disciplina de RNA: treinamento de um neurônio Perceptron.

jupyter-notebook neural-network numpy perceptron python scikit-learn

Last synced: 25 Jan 2025

https://github.com/neerajcodes888/diwali-sales-analysis

An open-source repository for sales data analysis. Dive into insightful trends, metrics, and visualizations to empower data-driven decision-making. Ideal for data analysts, business professionals, and enthusiasts seeking comprehensive sales insights. Clone, customize, and contribute to enhance your sales analytics journey.

data-science-projects data-visualization numpy pandas-dataframe python3 sales-analysis seaborn-plots

Last synced: 31 Jan 2025

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

https://github.com/xaxm007/nn-numpy

A Basic Logistic Regression Neural Network using NumPy and calculus.

critical-indulgence logistic-regression neural-network numpy study

Last synced: 17 Dec 2024

https://github.com/shanmukhsrisaivedullapalli/cifar10

This project uses TensorFlow to classify images from the CIFAR-10 dataset. It compares the performance of an Artificial Neural Network (ANN) and a Convolutional Neural Network (CNN), covering data preprocessing, model training, evaluation, and prediction on new images.

cifar10-classification cnn-classification matplotlib neural-networks numpy pickle pillow python3 tensorflow

Last synced: 03 Jan 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: 31 Jan 2025

https://github.com/soumilgit/ai_ml_projects

A collection of few beginner-friendly AI-ML Projects in Python. Feel free to star and refer to for learning purposes!

data-science gemini-api numpy opencv python random-forest-classifier

Last synced: 17 Jan 2025

https://github.com/furkankayar/hybridneuralnet

Decision tree powered artificial neural network library.

cpp decision-tree neural-network numpy pybind11 python3

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

https://github.com/szilagyipeter99/imageprocessing

This repository contains the examples discussed in the Image processing practices.

classification image-processing machine-learning matplotlib numpy pillow python segmentation

Last synced: 24 Jan 2025

https://github.com/keizerzilla/python-icp

Implementação do algoritmo ICP (Iterative Closest Point) para nuvens de pontos 3D usando Python.

icp matplotlib numpy open3d python

Last synced: 15 Feb 2025

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

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

https://github.com/nirmalyabag20/wine-quality-prediction-machine-learning

This project analyzes the chemical properties of wines to identify key factors influencing quality. By leveraging machine learning techniques, i aim to develop predictive models that accurately classify wine quality, providing valuable insights for producers and enthusiasts alike.

k-neighbors-classifier logistic-regression machine-learning matplotlib numpy pandas python random-forest seaborn svc

Last synced: 03 Jan 2025

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

https://github.com/bhargav-joshi/img-caption-generator

Automatically creating the description or caption of an image using any natural language sentences is a very challenging task. It requires both methods from computer vision to understand the content of the image and a language model from the field of natural language processing to turn the understanding of the image into words in the right order. In addition to that we have discussed how this model can be implemented on web and will be accessible for end user as well.

flask jupyter-notebook keras machine-learning nlp nltk numpy pandas python tensorflow

Last synced: 14 Feb 2025

https://github.com/swaathi/cpt-recommendation

Collaborative Filtering using User-Item and Item-Item Models

collaborative-filtering numpy recommendation-system scikit-learn

Last synced: 10 Feb 2025

https://github.com/akash-rajak/image-resizer

Python Script to resize image to any dimension.

cv2 gui image-resizer numpy os python3 random resizeimage tkinter

Last synced: 01 Feb 2025

https://github.com/jinkogule/multi-analyst

O Multi Analyst é uma ferramenta de análise de dados com uma usabilidade simples, que utiliza inteligência artificial para interpretar os resultados das análises realizadas, retornando insights úteis aos usuários.

apriori-algorithm bootstrap css data-analysis django html numpy open-ai pandas python web-application

Last synced: 03 Jan 2025

https://github.com/amir78729/signals-and-systems

The Implementation section of the "Signals and Systems" course

convolution fft fourier-transform numpy python scipy signals signals-and-systems

Last synced: 18 Jan 2025

https://github.com/amir78729/numpy-image-manipulation

Linear Algebra course - Final Project

linear-algebra numpy

Last synced: 18 Jan 2025

https://github.com/sushantdhumak/dinosaurus_island_character

Coursera - RNN Programming Assignment: In this project, we are in charge of a special task: Leading biology researchers are creating new breeds of dinosaurs and bringing them to life on earth, and our job is to give names to these dinosaurs. If a dinosaur does not like its name, it might go berserk, so choose wisely!

gradient-clipping gradient-descent numpy preprocessing rnn sampling

Last synced: 30 Jan 2025

https://github.com/takkii/pylean

Data analysis ( 🐍 💎 📈 )

analayze matplotlib numpy pandas python scikit-learn

Last synced: 03 Jan 2025

https://github.com/itdaniher/snr

Lin1 Finale

chirpz dsp numpy python svd sympy

Last synced: 01 Feb 2025

https://github.com/autokmg/ai-foundations

Practice exercises related to the Foundations of Artificial Intelligence university course. The code examples are designed to help students gain a deeper understanding of these topics and to prepare for exams and assignments. The repository is open to contributions from other students.

numpy python

Last synced: 01 Feb 2025

https://github.com/dan-shields/rocketleagueirl

Rocket League comes to Real Life!

arduino numpy opencv2 python robotics rocket-league

Last synced: 03 Jan 2025

https://github.com/aryansk/human-counting-system

HumanVision-Detector is a real-time human detection system built with OpenCV and HOG (Histogram of Oriented Gradients) descriptor. The system can detect and count people in both images and video streams, making it suitable for various applications including surveillance, crowd monitoring, and foot traffic analysis.

argparse imutils machine-learning machine-learning-algorithms numpy opencv python

Last synced: 01 Feb 2025

https://github.com/aryansk/mnist-deep-learning-exploration

This repository contains implementation of various deep learning approaches for the MNIST handwritten digit classification task, using both scikit-learn and Keras frameworks.

keras machine-learning machine-learning-algorithms mnist-classification numpy python scikit-learn tensorflow

Last synced: 01 Feb 2025

https://github.com/gehad-ahmed30/data-analysis

This repository offers a guide to data visualization with Pandas and includes practical examples and two complete projects. Learn to preprocess, analyze, and visualize datasets to solve real-world problems effectively.

analysis matplotlib numpy pandas python seaborn

Last synced: 07 Feb 2025

https://github.com/achalesh27022003/python-assignments-iwt

This repository is objected to have all the assignments and project related to IWT (Semester - 3).

cosinewave frame grid image imagetk labels matplotlib-pyplot numpy numpy-arrays numpy-library photoimage pil python3 sinewave spyder tkinter tkinter-gui window

Last synced: 01 Jan 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: 30 Jan 2025

https://github.com/noeyislearning/cancer-linear-regression-model

The correlation between socioeconomic status and lung cancer incidence and mortality rates among low-income populations in the United States.

cancer-research data-analysis data-science data-visualization jupyter-notebook linear-regression-models matplotlib numpy python seaborn statsmodels

Last synced: 01 Feb 2025

https://github.com/lasithaamarasinghe/olympic-medal-count-prediction

This ML model predicts the medal count for various countries in the Olympic Games using Linear Regression.

jupyter-notebook linear-regression machine-learning medal-count-prediction numpy olympics pandas python sckiit-learn seaborn

Last synced: 10 Jan 2025

https://github.com/shreeparab1890/movie-recommender-system

This notebook is trying to build a model which will recommend the movie based on given movie and genre. In this we use Popularity Based Recommendation, Content Based Recommendation and Collaborative Filtering based Recommendation.

bag-of-words cosine-similarity matplotlib numpy pandas python scikit-learn sklearn vectorization

Last synced: 01 Jan 2025

https://github.com/lasithaamarasinghe/face-recognition

This project demonstrates a basic face recognition system using Python, OpenCV, and the face_recognition library.

cmake computer-vision dlib face-recognition numpy opencv python visualstudiocode

Last synced: 10 Jan 2025

https://github.com/shreeparab1890/flipkart-laptops-analysis-eda

This ipython notebook is the Exploratory data analysis (EDA) of the Laptops listed on Flipkart.

data-analysis eda exploratory-data-analysis matplotlib-pyplot numpy pandas plotly

Last synced: 01 Jan 2025