GitHub topics: numpy-library
folkKEEHEE/numpy-ufuncs
Explore NumPy ufuncs with examples of element-wise operations, broadcasting, and custom ufuncs in Python. Perfect for learning efficient array handling! 🚀💻
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Andezion/CLib
Language: C - Size: 48.8 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 1

Vlad1343/Tools
This repository demonstrates the acquisition of advanced Python programming skills through structured exercises and projects, with a strong emphasis on NumPy for array manipulation, slicing, masking, and reshaping
Language: Jupyter Notebook - Size: 125 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

ryanswalters/OmniNumpy
OmniNumPy is an experimental compatibility layer that sits on top of modern NumPy (≥2.0) and lets you run the same code across multiple array backends — NumPy, PyTorch, CuPy, and JAX — with minimal changes.
Language: Python - Size: 24.1 MB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 0

Nyx1311/Recipe-Generator-with-Indian-Ingridient-Datasets
🍲 AI-powered Recipe Generator using Indian ingredients. Enter your ingredients and get personalized recipe suggestions
Language: Python - Size: 6.4 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

AbdulRehmanBaig384/Daily-ML-Projects
This repository is a *daily log of my machine learning practice*. Every day, I train ML models on small datasets to improve my skills.
Language: Jupyter Notebook - Size: 1.83 MB - Last synced at: 17 days ago - Pushed at: 18 days ago - Stars: 3 - Forks: 0

mr-pylin/numpy-workshop
An in-depth guide to mastering NumPy, covering fundamental to advanced array operations for data science and numerical computing
Language: Jupyter Notebook - Size: 439 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 1

Haritha1005/data_analyst_coursework_and_practice
This repository showcases my data analytics and data science skills through projects, fostering collaboration and community engagement
Language: Jupyter Notebook - Size: 6.87 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 7 - Forks: 4

simonkdev/linear_regression_lib
A fully reproducible module for linear regression with two variables built from scratch
Language: Jupyter Notebook - Size: 179 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

BatthulaVinay/Hands-on-Machine-Learning-with-Scikit-Learn-Keras-and-TensorFlow
This repository contains code implementations, exercises, and notes based on the book “Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow” by Aurélien Géron.
Language: Jupyter Notebook - Size: 21.3 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

althonos/mini3di
A NumPy port of the foldseek code for encoding protein structures to 3di.
Language: Python - Size: 450 KB - Last synced at: 30 days ago - Pushed at: about 2 months ago - Stars: 71 - Forks: 3

xames3/xsnumpy
Basic and bare-bones functionality of NumPy just using pure Python.
Language: Python - Size: 270 KB - Last synced at: 10 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 1

Ola-Kaznowska/My-Portfolio-Python
my Python3 application portfolio for the position of Junior Python Developer
Language: Python - Size: 3.33 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 0

Prachi005748/Expoloring-numpy
Hands-on NumPy practice covering arrays, indexing, broadcasting, and numerical operations.
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

sudoer-Huatao/calc_ultra
Calc-Ultra is an advanced mathematics calculator. Supports calculus, linear algebra, complex arithmetic, and more!
Language: Python - Size: 735 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 0

jaswant-ungati/TCS-Stock-Predictions
**TCS-Stock-Predictions** is a data science project that predicts the stock price of Tata Consultancy Services (TCS) using machine learning techniques. The code processes historical stock price data, visualizes various trends and patterns, and applies predictive models to forecast future prices.
Language: Jupyter Notebook - Size: 870 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

yelypk/Drone-powered-chessboard-recognition
Drone-powered chessboard recognition using Python and OpenCV.
Language: Python - Size: 125 MB - Last synced at: 15 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

hurabbas05/Loan-Default-Risk-Analysis-Project
End-to-end analysis of loan default risk with data cleaning, EDA, visualizations, and ML-based prediction.
Language: Jupyter Notebook - Size: 9.65 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

AdityaPatel231003/CropRecommendation
CropRecommendation is a simple, yet powerful, ML‑powered web application designed to assist users—especially farmers—in identifying the most suitable crop for cultivation based on soil and environmental parameters.
Language: Jupyter Notebook - Size: 344 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

pavithra-hn/Advanced-Real-Estate-Valuation-with-Ensemble-Regression-Models
This Machine Learning project series walks through step by step process of how to build a real estate price prediction website. We will first build a model using sklearn and linear regression using banglore home prices dataset from kaggle.com.
Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Fufulooky/Time-Series-Project-S-P-500-Stock-Market-Case-Study-
This repository analyzes S&P 500 stock data for tech companies like Apple, Amazon, Google, and Microsoft. It covers data prep, price analysis, moving averages, daily returns, resampling, and correlation analysis. Visualizations include line plots, pair plots, and heatmaps, using pandas, seaborn, and matplotlib.
Size: 1000 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Divija-Arora/learning_machine
Showing my daily progress in understanding machine learning.
Language: Jupyter Notebook - Size: 2.04 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

nomonosound/numpy-minmax
A fast function (SIMD-accelerated) for finding the minimum and maximum value in a NumPy array
Language: Python - Size: 75.2 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 13 - Forks: 2

devesh8423/Machine_Learning
Machine Learning practice projects, Jupyter notebooks, and datasets for learning regression, classification, and data analysis.
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

tadiusfrank2001/Reccomendation_System_DataMining_Project
Implementing a movie recommendation system that utilizes both wide and deep learning using Python AI & ML Libraries
Language: Jupyter Notebook - Size: 45.9 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

IbraheemTech/Beginner-Data-Science-Guide
📊 Your starting point for learning Data Science — beginner-friendly explanations, hands-on examples, and all the essentials in one place!
Language: Jupyter Notebook - Size: 3.2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

arthurdjn/nets
Recreating PyTorch from scratch, using Numpy. Supports FCN, CNN, RNN layers.
Language: Python - Size: 10.7 MB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 36 - Forks: 4

saurabh05091996/sourabhyadav
This is my python project here I create a electic vehicle dataset
Language: Jupyter Notebook - Size: 250 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

xxxx0819/Machine-Learning-Based-Driver-Drowsiness-Detection-System
Detect driver drowsiness with this Machine Learning system using Raspberry Pi and OV5467 camera. Implement real-time detection for safer driving. 🚗💻
Language: Python - Size: 234 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Aahana012/Election-Analysis-Project
A data analysis project comparing Kamala Harris and Donald Trump based on both votes and donations. It uses Pandas, NumPy, Matplotlib, and Seaborn to visualize voter trends and donor filer patterns.
Language: Jupyter Notebook - Size: 2.23 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Marisa-Mathew/Machine-Learning-Based-Driver-Drowsiness-Detection-System
This project implements a real-time driver drowsiness detection system using a Raspberry Pi equipped with an OV camera module. The system employs computer vision (OpenCV) and machine learning techniques (NumPy, pre-trained models) to monitor the driver's facial landmarks—particularly eye and head movement.
Language: Python - Size: 264 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

dkogan/gnuplotlib
gnuplot for numpy
Language: Python - Size: 3.29 MB - Last synced at: 8 days ago - Pushed at: 6 months ago - Stars: 268 - Forks: 18

symisc/sy-numpy-cpp
A C++17 library for reading and writing NumPy .npy files, with optional .npz (zip) archive support
Size: 14.6 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 5 - Forks: 0

jElhamm/Overview-Gradient-Descent-Optimization-By-Sebastian-Ruder
"Simulations for the paper 'A Review Article On Gradient Descent Optimization Algorithms' by Sebastian Roeder"
Language: Jupyter Notebook - Size: 7.57 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

jElhamm/Model-Ensembles-Boosting-In-Machine-Learning
"This repository contains implementations of Boosting method, popular techniques in Model Ensembles, aimed at improving predictive performance by combining multiple models. by using titanic database."
Language: Jupyter Notebook - Size: 576 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

jElhamm/Singular-Value-Decomposition-Data-Mining
"This repository hosts an implementation of the Singular Value Decomposition (SVD) algorithm tailored for data mining tasks. SVD is utilized for efficient dimensionality reduction, aiding in the extraction of key patterns and features from large and complex datasets."
Language: Jupyter Notebook - Size: 271 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

sapna10singh/NPTEL-Certification
NPTEL-certified in Business Intelligence & Analytics and Cloud Computing, with hands-on skills in data insights, cloud infrastructure, and modern tech stacks.
Size: 2.06 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

pewpie360/BS-Data-Science-Portfolio
Data Science Repo
Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

KennethanCeyer/awesome-numpy
Awesome list of NumPy
Size: 42 KB - Last synced at: about 23 hours ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 1

anushkaBala/STAMPEDE-DETECTION
JanRakshak is a smart public safety monitoring system that uses real-time video analysis and AI to detect crowd anomalies, potential stampedes, and agitation levels during public gatherings, festivals, or protests—alerting authorities instantly to prevent disasters and ensure citizen safety.
Language: Python - Size: 11.6 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Samxx97/Fuzzy-Clustering
An Implementation of fuzzy clustering algorithms in Numpy
Language: Python - Size: 170 KB - Last synced at: 22 days ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 0

Usama1190/numpy-random
w3schools - NumPy’s random module generating random numbers and working with distributions using Python.
Language: Jupyter Notebook - Size: 326 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

nomonosound/numpy-rms
Calculate RMS swiftly (SIMD-accelerated)
Language: Python - Size: 53.7 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 1

Usama1190/numpy-library
w3schools - NumPy stands for Numerical Python. NumPy was created in 2005 by Travis Oliphant. NumPy aims to provide an array object that is up to 50x faster than traditional Python lists.
Language: Jupyter Notebook - Size: 2.93 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

imdad132/Data-Analysis-and-Visualization_SIPRI-Milexp-Dataset
This analysis and visualization helps us understand the rise or decline of military spendings in different regions of the world during the last three decades.
Language: Jupyter Notebook - Size: 454 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

kdsuthar/AI-based-QA-Testing_FinBank_Customer_Realibility
This project is based on Dataset cleaning and prepare final data to use for Machine Learning Quality Testing.
Language: Jupyter Notebook - Size: 450 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

pratikkatkar-13/EHS_Fertility_Crop_Prediction
This project takes input as 14 micro nutrients values of soil and API based climatic parameter (Temperature, Humidity, Rainfall) on location based to predict Fertility level and Crop accordingly.
Language: Jupyter Notebook - Size: 2 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Sangeeta-vishwakarma/Machine_Learning_Projects
This machine learning project demonstrate my learning and end-to-end machine learning pipeline which are Data Preprocessing, EDA, Feature engineering, Modelling, Evaluation Matric..
Language: Jupyter Notebook - Size: 3.26 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

dellano54/extreme-matmul
fastest matmul operation than numpy for intel CPU (xeon)
Language: C - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Abhijeet107/car-service-
Reallife car service data analysis
Language: Jupyter Notebook - Size: 7.11 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

asrikanth777/columbiaSpaceShuttle
Inspired by astronaut Rick Husband, this project is a Python-based simulation of the Columbia Space Shuttle's journey to orbit.
Language: Python - Size: 38.1 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

coolsid23/Quantium
This repository is a collection of all the solutions of tasks that were assigned to me during my Data Analytics Virtual Internship Experience Program at Quantium. 💻📚📊
Language: Jupyter Notebook - Size: 13.5 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

kanitmann01/Kaggle-Exercise
📊 Solutions and practice exercises from Kaggle Learn courses covering Python, data analysis, machine learning, and data visualization. Personal learning journey in data science with hands-on coding examples.
Language: Jupyter Notebook - Size: 41 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Hemanthkumarsunkari27/Heart-Disease-Prediction-using-ML
Heart Disease Prediction System using Machine Learning (Flask + Bootstrap)
Language: Jupyter Notebook - Size: 3.89 MB - Last synced at: about 4 hours ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

sa001gar/Password-Manager-On-the-top-of-Streamlit
Secure Password Manager is a Python-based application developed by Sagar Kundu, designed to provide users with a secure and convenient way to manage their passwords. With features like user authentication, password generation, and secure storage using bcrypt and MongoDB, it ensures the safety of sensitive information while offering an intuitive use
Language: Python - Size: 240 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

iamabirakash/Python
Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: 4 days ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

PriyanshiSharma2003/Interactive-Dashboard
Interactive analytics dashboard built with Python, Flask, and Streamlit for the Panasonic Samridhi program, featuring real-time data visualization, dynamic filters, and KPI tracking for registrations, KYC completion, transactions, and redemptions."
Language: Python - Size: 3.01 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Deekshithaa-Y-M/Python-Library-Basics-Numpy-Pandas-Matplotlib-Seaborn-
Python Libraries Basic Coding
Language: Python - Size: 17.6 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

fayzi-dev/Scaling_data
Scaling Data (Caling and Normalizing data)
Language: Python - Size: 5.86 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

lohitya/Data-Analysis---ML
Data Analysis & ML (Python)
Size: 4.79 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

abhay-sinha-0/CarPricePredictionProject
A machine learning project that predicts the selling price of a car based on its features such as year, mileage, fuel type, transmission, and more. This model can assist individuals and dealerships in estimating fair market prices for used cars.
Size: 212 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

DataSpieler12345/python-for-ds-ml
My Python learning experience 📚🖥📳📴💻🖱✏
Language: Jupyter Notebook - Size: 200 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

adexoxo13/Neural_Network
Supervised Machine Learning | Neural Network | Jupyter Notebook | Python | Scikit library
Language: Jupyter Notebook - Size: 402 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

8Bitsian/Summit-Calculator
A Python-based calculator combining basic and advanced arithmetic, equation solving, statistics, unit conversions, and an intuitive GUI. It supports complex computations, symbolic algebra, and memory storage, with expansions for voice input, graph plotting, and web integration.
Size: 19.5 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Marlyn-Mayienga/Inferring-Mobility-from-Mobile-Phone-Data
This project analyzes mobile phone call detail records from Togo to uncover patterns in user behavior and movement. It calculates key usage statistics, maps cell towers distribution, and applies two algorithms to infer each subscriber’s likely home prefecture.
Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

harshineeshree/EDA
Exploratory Data Analysis
Language: Jupyter Notebook - Size: 27.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

jcm-ai/Personal-Data-Science-Projects
This page contains all of my personal data science projects. 📊📈📉👨💻
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

mkhekare/bikesharing_ml
Provides insights into the bike sharing trends based on various factors such as time of day, season, and weather. The findings can be used to improve bike sharing services and understand user behavior.
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

abhay-sinha-0/Face-Attendance-System
This project aims to create an attendance system using facial recognition technology. The goal is to move away from the challenges posed by manual and traditional methods of taking attendance. The goal of this project is to build, update and maintain an Attendance recording subsystem using facial contours as the biometric key.
Language: Python - Size: 5.66 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

noahshallman/quant-tools
This is a set of python tools I built that are useful for fundamental and quantitative market research.
Language: Python - Size: 32.2 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

subvarshahere/codsoft
ML projects: genre classification, credit fraud detection, spam detection
Language: Jupyter Notebook - Size: 26.4 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

tanindatascience/Personal-Zomato-Order-History
I attempt to understand my online order history to better manage my food patterns and thus, my expenses.
Language: Jupyter Notebook - Size: 858 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

DPlll/Blockchain-Analytics-Fellowship
Aims to develop a proof on concept program on tracking fraudulent Ethereum transactions using Python and blockchain concepts for a potential future course offered by University of Massachusetts Lowell.
Language: Python - Size: 24.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

myself-aas/Quantium_Data_Analytics_Forage
This project analyzes retail customer chip purchasing behavior using Python, focusing on customer segmentation and key spending drivers to provide data-driven insights for strategic category management recommendations.
Language: Jupyter Notebook - Size: 17.9 MB - Last synced at: 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 1

AriyaArKa/Result-Analysis
A simple analysis of result based on different factors shown in figures
Language: Jupyter Notebook - Size: 824 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

shailesh-1011/Spotify_Pixel_Planters_047
This project analyzes factors influencing song popularity, such as genre, duration, and explicit content, to uncover trends in releases, artist performance, and audience preferences, offering actionable insights for artists and producers.
Size: 9.19 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

nikhilfuke1/Wine-Quality-Prediction-Support-Vector-Machine-Python-Projects
This project focuses on predicting the quality of wine using a Support Vector Machine (SVM) model. The model is trained on wine characteristics and aims to classify wines based on their quality score.
Language: Jupyter Notebook - Size: 105 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

jcm-ai/Quantium-Data-Analytics-Virtual-Experience-Program
This repository contains all about the proposed solutions to the assignments that I was required to complete as part of the Quantium Data Analytics Virtual Experience Program. 📊📈📉👨💻
Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

akash-v7/Insurance_Customer_Response_Prediction
Develop a robust machine learning model to accurately predict customer responses to insurance policy offers. By utilizing this model, the company aims to improve targeted marketing, optimize their sales channel strategy, and increase the efficiency of their policy sales process.
Language: Jupyter Notebook - Size: 26.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Anshuman2305/Mental-Health-CodeUtsava
A Machine Learning Web App using Flask on Mental Health
Language: Python - Size: 113 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

hari7261/PlayWithData-Python
This is one of the repository where I have put lot of data science and machine learning related questions on their solutions I hope you will find something better than some other platforms. Thank you Happy exploring
Language: Python - Size: 57.6 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ArtZaragozaGitHub/PY--P1_FoodApp
Customer Behaviour Analysis and Business Observations to Improve Relationships, Increase Sales and Services.
Language: Jupyter Notebook - Size: 1.47 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ArtZaragozaGitHub/ML--P2_Predicting_Loan_Purchases
Anticipating Loan-Eligible Bank Customers with a High Probability of Successfully Purchasing a Bank Loan.
Language: Jupyter Notebook - Size: 1.49 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ArtZaragozaGitHub/NN--P4_Predicting_Customers_Likely_to_Abandon_Bank_Services
Analyze the customer data, build a neural network to help the operations team identify the customers that are more likely to churn, and provide recommendations on how to retain such customers
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ArtZaragozaGitHub/CV--P5_Plants_Seedling_Classification
A robust image classifier using CNNs to efficiently classify different plant seedlings and weeds to improve crop yields and minimize the extensive human effort to do this manually.
Language: Jupyter Notebook - Size: 7.82 MB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ArtZaragozaGitHub/NLP--P6_Sentiment_Analysis_and_Summarization_of_Stock_News
Natural Language Processing AI-model driven sentiment analysis system that will automatically process and analyze news articles to gauge market sentiment, and summarizing the news at a weekly level to enhance the accuracy of their stock price predictions and optimize investment strategies.
Language: Jupyter Notebook - Size: 5.27 MB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

pandaiscodingcpu/rocket_trajectory
A simple physics-based simulator to model the trajectory of a rocket based on initial conditions like thrust, drag, gravity, and atmospheric resistance.
Language: Python - Size: 37.1 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

tinaland101/sqlalchemy-challenge
The purpose of this project is to analyze and explore climate data for Honolulu, Hawaii, to assist with trip planning by assessing weather patterns. It involves using SQLAlchemy to interact with a SQLite database that contains historical weather data. The analysis focuses on precipitation and temperature data.
Language: Jupyter Notebook - Size: 410 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

AubainMbk/Analyse-des-ventes-d-une-entreprise
Nous repondrons aux besoins d'une société en analysant ses ventes à travers le langage Python.
Language: Jupyter Notebook - Size: 4.38 MB - Last synced at: 20 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

SubhangiSati/Identification-of-Gemstone-using-MobileNetV2-and-transfer-learning
The project focuses on Identification of various Gemstone. The dataset consists of 87 classes.It shows the whole progress and model used to achieve final accuracy. You will gain knowledge of Computer Vision, The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet,The final model used was transfer learning with model MobileNetV2
Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

InnoNodo/SwearWordsDetector
Detector that finds swear words in text (Russian version)
Language: Python - Size: 1.55 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

naninsv/yulu-bike-rental-analysis
Assisting Yulu, India's micro-mobility provider, in understanding factors influencing shared electric cycle demand. Employing statistical tests and analysis on a dataset to identify significant predictors and gauge their impact on cycle demand.
Language: Jupyter Notebook - Size: 2.18 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Sadia-Sultana-Tithi/ARI-prediction-analysis
Using machine learning to predict acute respiratory infections among under-fives in Bangladesh. This study analyzes differences between rural and urban populations using DHS data to develop tailored health interventions and improve early detection in diverse settings.
Language: Jupyter Notebook - Size: 5.84 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

saivarma97/Linear_Regression_Model
Here is the Machine learning model performing predictive analysis on the trained data using Linear Regression Model
Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

VVipJain/Stock-Trend-Analysis
Stock Trend Analysis
Language: Jupyter Notebook - Size: 321 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

VVipJain/Iphone-Sales-Analysis
Iphone Sales Analysis
Language: Jupyter Notebook - Size: 145 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

VVipJain/Employee-Analysis
Employee Data Analysis
Language: Jupyter Notebook - Size: 182 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

sandeshbhatta495/Explore-Python
This File is all about the Learning Journey of Python
Language: Python - Size: 1.15 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

KahfiSmith/tomato-detection-final-project
deteksi kematangan tomat menggunakan metode knn dan hsv
Language: Python - Size: 54.6 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

AbhishekYadav915/Breast_Cancer_Classification_Using_Deep_Learning
This project demonstrates Breast Cancer Classification using a deep learning model built with TensorFlow and Keras. The model is trained on the Breast Cancer Wisconsin Dataset and predicts whether a tumor is Benign (1) or Malignant (0).
Language: Jupyter Notebook - Size: 77.1 KB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
