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/mobinabatebi/electricity_consumption_project

The project aimed at estimating electricity consumption in administrative offices, along with analyzing the impacts of such consumption on power outages, is critical for addressing the pressing issue of summer electricity shortages.

jupyter-notebook numpy pandas python

Last synced: 26 Sep 2024

https://github.com/avik-pal/kaggle-titanic

Predicting whether a given set of people survive on the Titanic

machine-learning numpy pandas scikit-learn scikitlearn-machine-learning

Last synced: 12 Oct 2024

https://github.com/jmromer/salaries

A number-crunching API powered by Flask and Pandas

demo flask numpy pandas python python3

Last synced: 13 Nov 2024

https://github.com/samir-atra/cancerdetector

The final project of AI50xIraq course is found in the commit on 21-3-2023

cancer-detection cnn dataset inceptionv3 matplotlib numpy opencv tensorboard tensorflow tensorflow-tutorials transfer-learning

Last synced: 03 Nov 2024

https://github.com/rampal-punia/data-science-toolkit

Your Go-To Resource for Essential Data Science Related Commands, Concepts, Quick Overviews and Useful Functions.

artificial-intelligence data-science keras machine-learning matplotlib nlp nlp-machine-learning numpy pandas pythorch sql tensorflow

Last synced: 03 Nov 2024

https://github.com/pradeep31747/smartsuggest-personalized_product_recommendations

This project implements a personalized product recommendation system using machine learning techniques to enhance user experience and drive engagement.

jupyter-notebook keras numpy pandas pyhton scikit-learn sql tensorflow vscode

Last synced: 03 Nov 2024

https://github.com/jmromer/warbler

A recommendation engine powered by scikit-learn and served by Flask.

flask flask-api numpy pandas python3 scikit-learn

Last synced: 13 Nov 2024

https://github.com/pedrosfaria2/analisetitulosnetflix

Estudo de popularidade dos filmes da Netflix no IMDB.

analise-de-dados data-analysis jupyter-notebook matplotlib numpy pandas python

Last synced: 09 Nov 2024

https://github.com/poziloi/-math-

Системы компьютерной математики, задания

jupyter-notebook math matplotlib numpy pandas python scipy seaborn

Last synced: 07 Nov 2024

https://github.com/aliakbar-omidi/ten-most-populous-cities-of-iran

This project is to show the densely populated cities of Iran on the map

basemap matplotlib numpy pandas python

Last synced: 05 Nov 2024

https://github.com/jcardonamde/food-sales-predictions

A project that seeks to predict the sales of a food distributor by applying machine learning algorithms and data analysis.

data-science machine-learning machine-learning-algorithms numpy pandas pipelines python seaborn sklearn

Last synced: 05 Nov 2024

https://github.com/arserchung/ml_cnn

Basis CNN intro& project of recognize to cat or dog

glob keras keras-models numpy opencv os sklearn tensorflow

Last synced: 03 Nov 2024

https://github.com/fanisgl/cnn_machine_learning

A Machine Learning exercise that trains Convolutional Neural Network (CNN) using the tensorflow 2 and Keras libraries to predict images from the CIFAR-10 dataset.

data-science keras machine-learning neural-networks numpy pandas pooling-layers relu softmax tensorflow2

Last synced: 03 Nov 2024

https://github.com/amiriiw/gesture_recognition

Welcome to the Gesture Recognition Project! This project is designed to train a model to recognize hand gestures from images, and then use that model to detect gestures in real-time.

gesture-recognition json keras matplotlib numpy pathlib tensorflow

Last synced: 03 Nov 2024

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

My own code for Face Recognition using Python

face-recognition numpy opencv python tensorflow

Last synced: 13 Nov 2024

https://github.com/gabboraron/python_nyelvtan

Egy python nyelvi elemekkel fogallkozó kurzus jegyzete.

ai matplotlib-pyplot numpy pandas

Last synced: 01 Nov 2024

https://github.com/badranalyst/student-tests-data-analysis-application

Python-based analysis of student test scores in math, reading, and writing, examining correlations with parental education, lunch type, and test preparation. Includes data cleaning, visualization, and statistical insights into factors influencing academic performance.

data-analysis data-visualization dataset matplotlib numpy pandas python sklearn

Last synced: 03 Nov 2024

https://github.com/akshay-kamath/anomaly_detection

This project addresses the challenge of identifying anomalies in sales data, aiming to optimize sales strategies by uncovering deviations from expected profit patterns.

anomaly anomaly-detection cblof flask isolation-forest knn matplotlib numpy pandas pyod python sklearn

Last synced: 03 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/yashika-malhotra/machine-learning---linear-regression-on-education-institute

In this analysis, I built a model to predict graduate admissions using Linear, Ridge, Lasso, and ElasticNet regressions. CGPA, GRE, and TOEFL scores emerged as key predictors. ElasticNet effectively handled multicollinearity and balanced L1 and L2 regularization.

linear-models linear-regression matplotlib normalization numpy pandas python seaborn sklearn sklearn-library standardization standardscaler statsmodels

Last synced: 03 Nov 2024

https://github.com/matnoble/machinelearningnote

Study Notes of Machine Learning

machine-learning numpy python3 pytorch

Last synced: 15 Nov 2024

https://github.com/ramchaik/cinebrain

CineBrain uses ML & NLP to analyze movies and recommend similar ones based on user preferences through cosine similarity.

cosine-similarity flask htmx kaggle machine-learning movie-recomendation-system nlp nltk numpy pandas sklearn tailwind tmdb tmdb-api unsupervised-learning vectorization

Last synced: 03 Nov 2024

https://github.com/chandkund/stock-price-prediction-

Predict Tesla stock prices using historical data. The project preprocesses data, applies normalization and standardization, trains a linear regression model, and evaluates its performance. Visualizations include box plots and time series plots.

data-science linear-regression numpy pandas plotly python sklearn sklearn-model

Last synced: 03 Nov 2024

https://github.com/offthetab/lung_cancer_prediction

ML for Lung Cancer Prediction dataset from kaggle.

matplotlib numpy pandas python seaborn sklearn

Last synced: 03 Nov 2024

https://github.com/chandkund/iris-classification

Iris Classification project using machine learning to classify iris flowers into Setosa, Versicolour, and Virginica species. Includes data exploration, model training with SVM, Logistic Regression, and Decision Tree, and performance evaluation. Contributions welcome! Python, Pandas, Scikit-learn, Seaborn, Matplotlib.

machine-learning matplotlib-pyplot numpy pandas python sklearn

Last synced: 03 Nov 2024

https://github.com/chandkund/housing-price-prediction

Predict housing prices using the Boston Housing Dataset. Covers data loading, cleaning, preprocessing, EDA, normalization, standardization, and regression models (Linear Regression, Decision Tree, Random Forest, Extra Trees). Evaluated with Mean Squared Error (MSE). Tech: Python, Pandas, NumPy, Scikit-learn, Seaborn, Matplotlib.

data-science data-visualization matplotlib numpy pandas pyhton sklearn sklearn-library sklearn-metrics

Last synced: 03 Nov 2024

https://github.com/soumyapro/heart-disease-prediction

This project is aimed at predicting the likelihood of coronary heart disease (CHD) in individuals over the next ten years using Logistic Regression.

logistic-regression numpy pandas simpleimputer sklearn

Last synced: 03 Nov 2024

https://github.com/pavulurig/mycinepick-recommendation-system

MyCinePick is a user-specific movie recommendation system built using collaborative filtering techniques. This project aims to provide personalized movie suggestions tailored to each user's unique viewing preferences and habits.

collaborative-filtering movie-recommendation-app numpy python3 recommendation-system sklearn streamlit

Last synced: 03 Nov 2024

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

The Credit Card Fraud Detection project aims to identify fraudulent transactions from a dataset of credit card transactions. The project addresses the challenge of class imbalance and employs advanced machine learning techniques to build an effective fraud detection model.

ensemble-learning hyperparameter-tuning numpy pandas python3 scikit-learn streamlit

Last synced: 03 Nov 2024

https://github.com/cyb3r-jak3/docker-alpine-pandas

Python alpine image with pandas, and numpy installed

alpine-image numpy pandas-python python-alpine

Last synced: 16 Nov 2024

https://github.com/sarowarahmed/advertising-sales-app

📈 Advertising Sales Predictor: A web app powered by a Machine Learning model, built with Numpy, Pandas, Scikit-learn, and Streamlit, to forecast sales based on TV, Newspaper, and Online Advertising. Deployed on Streamlit Cloud for real-time, easy-to-use predictions.

advertising app machine-learning multiple-linear-regression numpy pandas sales scikit-learn streamlit

Last synced: 03 Nov 2024

https://github.com/mahdibehoftadeh/polynomial-regression-co2-emissions

A simple machine learning polynomial regression using a large dataset to learn and predict CO2 emission of a car by its built features like engine size and cylinders

machine-learning matplotlib numpy nural-network pandas polynomial-regression python scikit-learn

Last synced: 03 Nov 2024

https://github.com/aysh2603/twitter-sentiment-analysis

The Twitter Sentiment Analysis project employs Natural Language Processing (NLP) techniques to classify tweets into positive or negative sentiments. By analyzing the tone of tweets, this project provides insights into public sentiment on various topics.

hyperparameter-tuning nlp-machine-learning numpy pandas python3 scikit-learn

Last synced: 03 Nov 2024

https://github.com/pushtogithub23/projectilemotion-simulation

This Jupyter notebook explores projectile motion through mathematics, visualizations, and interactive simulations.

jupyter-notebook matplotlib-pyplot numpy physics-simulation projectile-motion-simulation

Last synced: 05 Nov 2024

https://github.com/ulf1/numpy-linreg

Linear Regression with numpy only.

linear-regression numpy

Last synced: 28 Oct 2024

https://github.com/armahdavi/analytics-data-pipelines-statistics-ml-plotting---dust-extraction-hvac-filters---phase-2

PhD Technical Paper 1 - Phase 2 - Mahdavi & Siegel (2020) (Aerosol Science & Technology; AS&T) - Sharing all the data pipelines, processing codes, descriptive statistics, statistical modellings, and plotting/visualizations - Project Miestone: 2017 - 2020 - Full-length article is available

data-pipelines data-science data-visualization machine-learning matplotlib-pyplot numpy pandas-dataframe python scipy-stats sklearn statistics

Last synced: 12 Nov 2024

https://github.com/neelays/xor-xnor_neural_network

NumPy neural network to approximate XOR/XNOR

numpy

Last synced: 09 Nov 2024

https://github.com/amiriiw/text_classification

Welcome to the Text Classification Project! This project is designed to train a model for classifying texts based on their emotional content and then using it to categorize new texts into corresponding emotional categories.

keras numpy pandas pickle scikit-learn tensorflow text-classification

Last synced: 03 Nov 2024

https://github.com/armandpl/nn_from_scratch

Neural Net from scratch

neural-networks numpy python

Last synced: 30 Oct 2024

https://github.com/soumyapro/parkinson-disease-prediction

This project predicts Parkinson's disease using machine learning models.

logistic-regression numpy pandas scikit-learn svc xgboost

Last synced: 03 Nov 2024

https://github.com/ayushmankumar7/siamese-network-with-one-shot-learning

Implementation of this paper - https://www.cs.cmu.edu/~rsalakhu/papers/oneshot1.pdf

numpy tensorflow tf-keras

Last synced: 14 Oct 2024

https://github.com/sabbir45ali/cam-board

This is Python based project which is a virtual board and we write there using our finger and clear it and color changing.

numpy pandas python3

Last synced: 08 Nov 2024

https://github.com/theoldvalyria/analysis_of_orders

Промежуточный проект курса "Аналитик данных" (KARPOV.COURSES)

jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 05 Nov 2024

https://github.com/coueghlani/nlp

Proyecto de Procesamiento de Lenguaje Natural y Análisis de Datos

mineria-de-datos nlp nlp-machine-learning nltk numpy procesadores-de-lenguajes sklearn spacy

Last synced: 31 Oct 2024

https://github.com/kevin-rsj/real-estate-investments

Sistema de scoring que clasifica ciudades francesas para inversión en segundas viviendas según perfil de riesgo(alto, moderado y bajo). Evalúa ratios clave en áreas como demanda, disponibilidad, infraestructura, demografía y precios.

bigquery data-analytics looker-studio numpy pandas python sklearn-library sql visualization

Last synced: 29 Oct 2024

https://github.com/jancervenka/genalg

Solver for traveling salesman problem

genetic-algorithm numpy python

Last synced: 06 Nov 2024

https://github.com/shambac/shamboflow

Fierce tensorflow competitor

cuda cupy machine-learning numpy pypi-package

Last synced: 02 Nov 2024

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/abdullahashfaq-ds/sms-spam-detection

A machine learning application designed to classify SMS messages as spam or non-spam, offering real-time analysis to identify potentially harmful content.

css3 docker flask html5 javascript matplotlib nltk numpy pandas python scikit-learn seaborn tailwindcss xgboost

Last synced: 29 Oct 2024

https://github.com/abhisingam/brickbreaker

A Terminal-Based game made in Python that emphasises upon the use of OOPs concepts. Python | NumPy | Game Development

game-development numpy python3

Last synced: 27 Oct 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/svetlanam/data-scripts

Simple scripts for data cleaning, etl transformations and data reorganisations

data-cleaning data-transformation dimensions etl facts keboola numpy pandas python3 snowflake sql star-schema

Last synced: 13 Nov 2024

https://github.com/emhash/machine-learning-and-ai

Personal tasks or codes of Machine Learning and Artificial Intelligence. Practice codes and projects of Ml/AI will be share here.

ai datasets ipynb jupyter-notebook keras linear-regression logistic-regression machine-learning machine-learning-algorithms numpy opencv pandas python seaborn sklearn tensorflow

Last synced: 11 Oct 2024

https://github.com/jcardonamde/reto_cobranzas_sector_financiero

This project analyzes data provided by the organization i data, which discusses the collection process of a financial company. This with the objective of generating segmentation strategies that allow the recovery of the portfolio.

data-science kmeans-clustering machine-learning machine-learning-algorithms matplotlib numpy pandas python seaborn

Last synced: 05 Nov 2024

https://github.com/yc1909/ai_impact_on_jobs

Impact of Artificial Intelligence on Jobs and Workplace-Analysis

analytics exploratory-data-analysis matplotlib numpy pandas seaborn

Last synced: 08 Nov 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/mahmoudnamnam/superstore-analysis

This project explores the SuperStore dataset to uncover insights into sales, profit, and customer behavior. It identifies key trends, regional variations, and product performance, using data analysis and machine learning techniques to guide business strategy and optimize performance.

clustering data-analysis data-science data-visualization geopandas jupyter-notebook machine-learning numpy pandas plotly regression seaborn sklearn

Last synced: 16 Nov 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/anselmoo/useful-math-functions

useful-math-functions for Optimization, Benchmarking, Visualizing, and more ...

basic functions math mathematics numpy

Last synced: 27 Oct 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/mihirh19/uber-analysis

Uber's 2016 dataset analysis offers insightful information about the company's operations and user behaviour. Patterns and trends can be discovered by looking at variables like trip time, distance travelled, and pickup/drop-off locations. Uber may use this information to detect high-demand locations, increase overall efficiency, and optimise driver

matplotlib numpy opendatasets pandas seaborn

Last synced: 27 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/nmerka/practicum_rep

Проекты курса Аналитик данных (Яндекс.Практикум)

jupyter-notebook matplotlib numpy pandas plotly python scipy seaborn sql tableau

Last synced: 15 Oct 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/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/nicolasperez19/mic-master-flex

MicMasterFlex is a web app that allows users to configure the positions of a microphone array on an interactive grid. Designed for audio engineers and researchers, this tool offers an intuitive interface for precise microphone placement, enabling users to simulate and optimize array setups for various acoustic applications.

ai astro audio-processing grid-configuration microphone-array numpy numpy-arrays react robotics tailwindcss typescript

Last synced: 27 Oct 2024

https://github.com/rafali25/perceptron-algorithm

A simple implementation of the Perceptron algorithm using numpy. This project demonstrates how to classify data points by iteratively updating weights and biases based on misclassified samples. Perfect for understanding the fundamentals of linear classification!

machine-learning numpy perceptron-neural-networks pycharm-ide python

Last synced: 26 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/eduardoprofe666/mn-api

🐍📦 Paquete de Python con implementaciones de métodos numéricos

mn-api numerical-methods numpy pandas python scipy simpy tabulate

Last synced: 13 Oct 2024

https://github.com/dulajkavinda/document-similarity-ml

📑 Check similarity between documents using td-idf and cosine similarity.

machinelearning numpy python scikit

Last synced: 26 Oct 2024

https://github.com/0nom4d/306radiator

Mathematical EPITECH Project - This project reproduces the behaviour of a radiator placed at a position in a room of a given size.

epitech epitech-project numpy pytest python3

Last synced: 26 Oct 2024

https://github.com/0nom4d/308reedpipes

Mathematical EPITECH Project - This project computes a representation of a reedpipe.

coverage epitech epitech-project matplotlib-pyplot numpy pytest python scipy

Last synced: 26 Oct 2024