Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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.
- GitHub: https://github.com/topics/numpy
- Wikipedia: https://en.wikipedia.org/wiki/NumPy
- Repo: https://github.com/numpy/numpy
- Created by: Travis Oliphant
- Related Topics: python, scipy,
- Last updated: 2024-11-20 00:15:50 UTC
- JSON Representation
https://github.com/gusenov/max-empty-rect-py
:black_square_button: Реализация на Питоне алгоритма поиска на изображении пустого прямоугольника максимальной площади.
algorithm empty-spot graphics numpy python python-image-library python-library rectangle-detection
Last synced: 15 Oct 2024
https://github.com/jjerphan/joml
A minimalist numpy-baked Neural Network API
deep-learning fun minimalist neural-network neural-networks numpy python wheel-implementing
Last synced: 28 Oct 2024
https://github.com/elmezianech/email-spam-ham-classifier-lr
Email Classifier: A machine learning project using Python that categorizes emails into spam and ham (non-spam). Utilizes the Scikit-Learn library, employing logistic regression and TF-IDF (Term Frequency-Inverse Document Frequency) vectorization for text analysis and classification.
ai emails jupyter-notebook logistic-regression machine-learning ml numpy pandas python spam-detection spam-filtering tfidfvectorizer
Last synced: 15 Nov 2024
https://github.com/elmezianech/email-spam-ham-classifier-nb-simple
Count Vectorizer Naive Bayes Email Classifier: This Python project utilizes a simple Naive Bayes approach with Count Vectorizer to classify emails as spam or ham. The implementation focuses on word frequency for classification.
countvectorizer emails jupyter-notebook machine-learning ml naive-bayes naive-bayes-classifier numpy pandas python spam-detection spam-filtering
Last synced: 15 Nov 2024
https://github.com/elmezianech/email-spam-ham-classifier-nb-hard
Naive Bayes Email Classifier: An implementation of a 'hard' Naive Bayes classifier in Python to categorize emails as spam or ham. This code performs extensive data preprocessing, probability calculations, and model training for email classification using the raw Naive Bayes algorithm.
ai emails jupyter-notebook machine-learning ml naive-bayes naive-bayes-classifier numpy pandas python spam-detection spam-filtering
Last synced: 15 Nov 2024
https://github.com/elmezianech/classifyreviews_nlp
Revolutionize customer feedback analysis with our NLP Insights Analyzer. Utilize cutting-edge text preprocessing to transform raw reviews into a machine-friendly format. Explore sentiment models, such as Logistic Regression and Naive Bayes, employing cross-validation for model robustness.
accuracy-score ai countvectorizer cross-validation joblib logistic-regression machine-learning ml multinomialnb naive-bayes-classifier nltk-library numpy pandas randomforestclassifier svc
Last synced: 15 Nov 2024
https://github.com/mehraaaaa24/stockpriceprediction
A real-time web app that predicts stock prices using an LSTM model, visualizes data with moving averages, and allows user input for stock symbols.
jupyter-notebook keras lstm-neural-networks matplotlib numpy pandas python streamlit tensorflow yfinance
Last synced: 31 Oct 2024
https://github.com/hunar4321/multiple-regression
A simple intuitive method for multiple regression
linear-regression multiple-regression numpy regression
Last synced: 14 Nov 2024
https://github.com/prakharagr2001/whatsappchatanalyzer
WhatsAppChat Analyzer is a Python-powered website leveraging the capabilities of NumPy, Pandas, and Streamlit. It provides comprehensive analysis of WhatsApp conversations, extracting valuable insights and statistics for a user-friendly interpretation of chat data.
chat-analysis data-visualization numpy pandas python streamlit whatsapp-chat
Last synced: 31 Oct 2024
https://github.com/nightmachinery/mlp_from_scratch
A simple MLP using only numpy. The computational graph is not automatically tracked, but the network supports arbitrarily many batch axes.
deep-learning deep-neural-networks deeplearning educational mlp mlp-classifier mlp-networks numpy
Last synced: 08 Nov 2024
https://github.com/adi3042/sensor-fault-detection
🔍⚙️ Ensure Reliable Operations! Detect anomalies and prevent disruptions with our Sensor Fault Detection system. Explore advanced classification and regression techniques to identify and address sensor faults effectively. Your path to robust and accurate sensor data begins here! 🚨🔧 SensorFaultTech
classification css datetime fault-detection flask functools html ipykernel jupternotebook machine-learning numpy pandas python3 readme regression scikit-learn sensor setuptools venv
Last synced: 08 Nov 2024
https://github.com/adi3042/diamond_price_prediction
🔮💎 Explore the Diamond Price Oracle! Predicting diamond values based on your preferences and market trends. Your ultimate tool for informed decisions in the diamond world. Join us for the future of pricing! 💎✨🚀 #DiamondPredictor
anaconda datetime diamond flask functools html ipykernel jupyter-notebook matplotlib numpy pandas price-prediction readme regressor sckiit-learn setuptools venv
Last synced: 08 Nov 2024
https://github.com/gnikit/fileio
A template allowing to read multiple columns of tab or space delimited files. Similar functionality to numpy.loadtxt()
Last synced: 15 Oct 2024
https://github.com/kelvinjuliusarmandoh/loan-approval-prediction
Implementing Machine Learning for predicting loan approval
classification loan-default-prediction machine-learning matplotlib-pyplot numpy pandas scikit-learn seaborn
Last synced: 05 Nov 2024
https://github.com/wassimoubaziz/sad-project
This project aims to predict weekly sales for Walmart stores using machine learning algorithms. The dataset contains various features such as store type, size, department, temperature, fuel price, CPI, unemployment rate, and markdowns.
ai artificial-intelligence machine-learning matplotlib numpy oubaziz pandas python sklearn wassim
Last synced: 19 Nov 2024
https://github.com/kenwuqianghao/ml-zoomcamp
Code and homework for ML Zoomcamp
machinelearning numpy pandas python3 tensorflow
Last synced: 07 Nov 2024
https://github.com/f3riend/color-palette
a system that counts and clusters the most common colors in images and produces a color palette.
clustering color-palette-generator filedialog kmeans machine-learning matplotlib-pyplot most-common-color numpy pillow python3 sklearn-library
Last synced: 19 Nov 2024
https://github.com/harmanveer-2546/music-genre-classification
Classifying the genre of a music using deep neural networks.
cnn deep-neural-networks keras labelencoder librosa matplotlib music numpy pandas pickle python scipy seaborn sequential-models tensorflow
Last synced: 15 Oct 2024
https://github.com/shwetapardhi/assignment-03-q4-hypothesis-testing
Chi2 contengency independence test Q4. TeleCall uses 4 centers around the globe to process customer order forms. They audit a certain % of the customer order forms. Any error in order form renders it defective and has to be reworked before processing. The manager wants to check whether the defective % varies by centre. Please analyze the data at 5
alternate-hypothesis chi2-contingency contingency-analysis hypothesis-testing norm null-hypothesis numpy numpy-arrays pandas python scipy significance-testing stats
Last synced: 15 Oct 2024
https://github.com/t3ac0d3/planetary-system-simulation
Planetary System Simulation enables users to simulate the trajectories of two planets in a gravitational system. Through a simple web interface, users can predict planetary movements using technologies such as Flask, NumPy, and SciPy.
astronomy flask gravitational-dynamics numerical-analysis numpy physics planetary-systems scipy simulation web-application
Last synced: 01 Oct 2024
https://github.com/thkox/image-analysis_2023-content-based-image-retrieval
This project is a team assignment for the "Image Analysis" course, offered in the 7th semester of the 2023 academic year at the University of Piraeus, Department of Informatics.
cartesian-product content-based-image-retrieval hyperedge-similarity-calculation hypergraph image-analysis matplotlib networkx numpy python rank-normalization scipy torchvision
Last synced: 01 Oct 2024
https://github.com/salamanderxing/jax-gaussian-bayes
A Multivariate Gaussian Bayes classifier written using JAX
cifar10 gaussian-bayesian-processes gaussian-naive-bayes jax multivariate-gaussian naive-bayes-classifier numpy xla
Last synced: 20 Oct 2024
https://github.com/adi3042/credit-card-fault-detection
🔍💳 Secure Your Finances! Detect anomalies and safeguard transactions with our Credit Card Fault Detection system. Dive into cutting-edge classification techniques to identify fraud and protect financial data. Your journey to secure payments starts here! 🚨🔒 FraudDetectionTech
classification credit-card css datetime fault-detection flask functools html ipykernel jupyternotebooks machine-learning numpy pandas python3 readme scikit-learn setuptools venv
Last synced: 08 Nov 2024
https://github.com/sultanazhari/the-effect-of-weather-on-travel-frequency
Zuber Company need to know passenger preferences and external effect on the trip. As an Data Analyst we're provide actual data who has affect on travel frequency.
matplotlib-pyplot numpy python3 scipy seaborn
Last synced: 15 Oct 2024
https://github.com/thiagohrcosta/machinelearning-temperature
A Small Machine Learning application leveraging Scikit-Learn and statistical learning to extract knowledge from data without explicit programming.
machine-learning numpy pandas python3 scikit-learn
Last synced: 21 Oct 2024
https://github.com/fwcd/minq
Tiny quantum gate library based on NumPy
numpy python quantum-computing
Last synced: 21 Oct 2024
https://github.com/hansalemaos/create_empty_image
Creates new/empty cv2 images/numpy arrays
Last synced: 28 Oct 2024
https://github.com/priyasingh26/financial_document-data_extraction
This project extracts key information from financial documents like invoices and receipts using text recognition. It processes images, classifies documents, and extracts data, which is then stored in a CSV file. The aim is to automate data collection from scanned documents, reducing manual work and increasing accuracy.
data-extraction numpy ocr pandas pillow preprocessing pytesseract-ocr python sklearn torch transformers
Last synced: 31 Oct 2024
https://github.com/bartventer/ann-loan-default-profiler
Artificial Neural Network built with Tesorflow to predict whether new customer application will repay or default on a new loan.
artificial-neural-network data-visualisation deep-learning exploratory-data-analysis numpy pandas pipelines scikit-learn tensorflow2
Last synced: 06 Nov 2024
https://github.com/techcsispit/algorithmic-trading
This project focuses on algorithmic training using Python in Jupyter Notebooks. It covers various data structures and algorithms, providing a hands-on approach to solving algorithmic challenges. The notebooks are designed to be interactive and educational for learners of all levels.
matplotlib numpy pandas python sklearn
Last synced: 31 Oct 2024
https://github.com/ebadshabbir/logistic_regression-binomial-
Logistic Regression on Social Network Ads Dataset This project applies Logistic Regression to predict whether a user will purchase a product based on their age and estimated salary, using the Social Network Ads dataset. The data is split into training and test sets, with feature scaling applied for normalization.
classification jupyter-notebook logistic-regression machine-learning matplotlib-pyplot numpy pandas python sklearn
Last synced: 31 Oct 2024
https://github.com/datascience-py/speechrecognition
This repo create STT (ASR) models for you can use pre-training models or training self model
asr machine-learning matplotlib microphone models neural-network numpy python3 pytorch sklearn speech-recognition speech-to-text stt tensorflow-lite tensorflow2 web
Last synced: 31 Oct 2024
https://github.com/elhariri78/case-study-a-better-smoker-detector
Case Study-A better Smoker Detector
data dataframe evaluation kaggle matplotlib-pyplot numpy pandas pandas-dataframe pandas-python python3 seaborn sklearn
Last synced: 31 Oct 2024
https://github.com/animesh-chourey/kaggle-intro-to-machine-learning
decision-trees mean-absolute-error numpy pandas sklearn
Last synced: 31 Oct 2024
https://github.com/darkksideyoda/dataminingclass
Data Mining Class 101
artificial-intelligence data-science machine-learning numpy pandas python seaborn
Last synced: 13 Nov 2024
https://github.com/adi3042/diamond-price-prediction
🔮💎 Explore the Diamond Price Oracle! Predicting diamond values based on your preferences and market trends. Your ultimate tool for informed decisions in the diamond world. Join us for the future of pricing! 💎✨🚀 #DiamondPredictor
anaconda datetime diamond flask functools html ipykernel jupytrnotebooks matplotlib numpy pandas price-prediction readme regression sckiit-learn setuptools venv
Last synced: 08 Nov 2024
https://github.com/hansalemaos/colorcountcython
This module provides functionality to count unique colors in an image represented as a NumPy array and, optionally, group their coordinates. It includes a Cython-based implementation for improved performance.
colors colour colours count cv2 numpy
Last synced: 26 Oct 2024
https://github.com/technologicat/orderfix
Reorder solutions of parametric studies to make continuous curves
cython eigenvalues numpy postprocessing python python2 python27 python3 python34
Last synced: 07 Nov 2024
https://github.com/abhirajp595/python2
Capstone Project using python(Real-Estate)
data-analysis data-science data-visualization jupyter-notebook machine-learning numpy pandas python statistics
Last synced: 15 Nov 2024
https://github.com/djdhairya/breast-cancer-prediction
accuracy aiml machine-learning mean numpy pandas pkl prediction python streamlit
Last synced: 10 Nov 2024
https://github.com/alainlebret/python-et-ia-1
Ressources personnelles du cours "Python & IA" en 2e année GPSE à l'ENSICAEN
artificial-intelligence image-processing machine-learning matplotlib numpy python scikit-image scikit-learn
Last synced: 31 Oct 2024
https://github.com/alainlebret/python-et-ia-2
Ressources personnelles du cours "Python & IA" en 2e année GPSE à l'ENSICAEN
artificial-intelligence image-processing machine-learning matplotlib numpy python scikit-image scikit-learn
Last synced: 31 Oct 2024
https://github.com/gaurangdave/house_price_predictions
Machine Learning Application to predict House Prices
hands-on learning-by-doing machine-learning numpy pandas python scikit-learn
Last synced: 31 Oct 2024
https://github.com/ashishsingh789/bcg_virtual_internship
This repository showcases my BCG X virtual internship project on customer churn analysis for PowerCo, covering business understanding, EDA, feature engineering, and modeling using Python and machine learning.
data-manipulation data-science dataanalysis datavisualization eda machine-learning matplotlib numpy pandas python random-forest scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/jainish-prajapati/solar-flare-prediction
This repository contains code and data for predicting solar flare energy ranges using machine learning, based on NASA's RHESSI mission data. It includes preprocessing of FITS files into a unified CSV dataset and implements models like Gradient Boosting, Random Forest, and Decision Tree classifiers, achieving accuracies up to 87%.
data-visualization machine-learning numpy pandas python scikit-learn solar-flare-prediction
Last synced: 31 Oct 2024
https://github.com/karthikarajagopal44/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.
data-cleaning data-visualization matplotlib numpy pandas python python3 scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/djdhairya/parkinson-s-disease-detection
datapreprocessing machine-learning modeling numpy pandas scikit-learn svm
Last synced: 10 Nov 2024
https://github.com/eesunmoon/applied_machine_learning
[COMS4995] Applied Machine Learning
applied-machine-learning machine-learning matplotlib numpy pandas python scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/sahiltiwariiii/email-spam-classifier
This model will tell you weather mail is spam or not
dataanalysis datacleaning datascience eda machine-learning nlp-machine-learning nltk numpy pandas python scikit-learn streamlit streamlit-webapp tfidf-vectorizer wordcloud-visualization wordtovec
Last synced: 08 Nov 2024
https://github.com/abdulsamie10/animalclassification-cnn
Different pics of dogs, cats and pandas were used and applied CNN on them to find out their type.
animal-classification cnn colab-notebook computer-vision convolutional-neural-network convolutional-neural-networks deep-learning jupyter-notebook keras machine-learning numpy python python3 pytorch
Last synced: 07 Nov 2024
https://github.com/gurramankit/censusproject_ml_randomforest
The objective of this project is to build a classification model using the Census Income dataset from the UCI Machine Learning Repository. The model predicts whether an individual's income exceeds $50,000 per year, based on their demographic and employment-related attributes.
matplotlib numpy pandas python random-forest scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/aleksibovellan/ai-image-recognition-for-finnish-trees
AI/ML Trained Image Recognition for Finnish trees in Python with Gradio Web Interface
ai finnish gradio image ml numpy opencv-python python python3 pytorch recognition resnet-18 scikit-learn torch torchvision torchvision-transforms tree trees
Last synced: 31 Oct 2024
https://github.com/abdulsamie10/convolutionneuralnetworkcifar-10
CNN applied on Cifar-10 database.
cifar-10 cifar-10-dataset cifar10 cnn colab-notebook convolutional-neural-network deep-learning jupyter jupyter-notebook machine-learning notebook numpy python python-3 python3 pytorch
Last synced: 07 Nov 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
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/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/sahiltiwariiii/dssp
Predicting student math scores ! This project utilizes advanced machine learning techniques and MLOps tools like DVC and MLflow to predict a student's math score based on various factors such as gender, race/ethnicity, parental level of education, lunch type, test preparation course, writing etc
docker dotenv dvc flask machine-learning mlflow mlops mysql mysql-connector-python numpy pandas pymysql python python-dotenv scikit-learn seaborn sklearn-library statistics streamlit
Last synced: 08 Nov 2024
https://github.com/shwetapardhi/assignment-1-q7--basic-statistics-level-1
Q7) Calculate Mean, Median, Mode, Variance, Standard Deviation, Range & comment about the values / draw inferences, for the given dataset For Points,Score,Weigh> Find Mean, Median, Mode, Variance, Standard Deviation, and Range and also Comment about the values/ Draw some inferences. Use Q7.csv file
mean median mode numpy pandas python range standard-deviation variance
Last synced: 11 Nov 2024
https://github.com/shwetapardhi/assignment-1-q9_b--basic-statistics-level-1
Q9) Calculate Skewness, Kurtosis & draw inferences on the following data SP and Weight(WT) Use Q9_b.csv
kurtosis matplotlib-pyplot numpy pandas python seaborn skewness
Last synced: 11 Nov 2024
https://github.com/shwetapardhi/assignment-1-q9_a--basic-statistics-level-1
Q9) Calculate Skewness, Kurtosis & draw inferences on the following data Cars speed and distance Use Q9_a.csv
kurtosis matplotlib-pyplot numpy pandas python seaborn skewness
Last synced: 11 Nov 2024
https://github.com/shwetapardhi/assignment-1-q11--basic-statistics-level-1
Q11) Suppose we want to estimate the average weight of an adult male in Mexico. We draw a random sample of 2,000 men from a population of 3,000,000 men and weigh them. We find that the average person in our sample weighs 200 pounds, and the standard deviation of the sample is 30 pounds. Calculate 94%,98%,96% confidence interval?
confidence-interval normalization numpy pandas python scipy stats
Last synced: 11 Nov 2024
https://github.com/dyarleniber/hands-on-machine-learning
This repository contains code examples, exercises, and projects related to the concepts covered in the book "Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow, 3rd Edition" by Aurélien Géron.
ai artificial-intelligence keras machine-learning matpolotlib numpy pandas scikit-learn tensorflow
Last synced: 14 Nov 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/andremenezesds/house_rocket_sales_insights
Data analysis for House Rocket Sales Company database, including insights for sales optimization.
data-analysis data-visualization geopandas git github jupyter-notebook linux numpy pandas powerbi python seaborn seaborn-python streamlit streamlit-webapp ubuntu vscode windows10
Last synced: 04 Nov 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/abhirajp595/python
Data Science Project using Python
data-analysis data-science data-visualization eda jyputer-notebook numpy pandas statistics
Last synced: 15 Nov 2024
https://github.com/matimortari/shakespeare
Train and generate a Shakespeare-based text using an LSTM (Long Short-Term Memory) model.
keras lstm neural-network numpy python shakespeare tensorflow
Last synced: 03 Nov 2024
https://github.com/ashishtukaral/sign-language-recognition-using-ai
A real-time Sign Language Recognition system using AI to translate hand signs into text and speech, enhancing communication for individuals with hearing impairments. This web application leverages neural networks and computer vision to provide accurate and accessible translation.
ann classification cnn computer-vision deep-learning flask keras machine-learning matplotlib neural-network numpy oops opencv pandas python3 tensorflow
Last synced: 03 Nov 2024
https://github.com/shreenidhi7700/rice-leaf-disease-prediction-using-convolutional-neural-network
Classifying images of rice leaf disease plants into various disease categories using Convolutional Neural Network
convolutional-neural-networks efficientnet inceptionv3 jupyter-notebook keras machine-learning matplotlib numpy os python resnet50 seaborn shutil-python tensorflow transfer-learning xception
Last synced: 03 Nov 2024
https://github.com/ghaniketrajputp005/adobe-gensolve-hackathon-2024
This Project aims to identify, regularize, and beautify curves in 2D Euclidean space.
cv2 keras-tensorflow numpy os sklearn
Last synced: 10 Oct 2024
https://github.com/giuliotaralli/machine-learning-exercises
Practical exercises from the Machine Learning course
graphviz matplotlib numpy pandas python scipy sklearn
Last synced: 10 Oct 2024
https://github.com/massimilianovisintainer/diabetics-prediction-model
Machine learning model for diabetes prediction.
machine-learning numpy pandas python sklearn svm-classifier svm-model
Last synced: 03 Nov 2024
https://github.com/rijul007/smartwatch-data-analysis-using-python
Smartwatch Data Analysis to uncover insights into health and activity patterns using Python for data cleaning, exploratory analysis, and interactive visualizations.
data-analysis data-science data-visualization exploratory-data-analysis jupyter-notebook matplotlib numpy pandas plotly python
Last synced: 08 Nov 2024
https://github.com/mihirh19/house-price-prediction
kaggle machine-learning numpy pandas seaborn sklearn
Last synced: 27 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/charles-l/rayboi
a raytracer written in futhark/python
futhark numpy pathtracing python3 raytracing
Last synced: 08 Nov 2024
https://github.com/massimilianovisintainer/rock-vs-mine-prediction
Rock vs. Mine classification using Logistic Regression
machine-learning model numpy pandas sklearn
Last synced: 03 Nov 2024
https://github.com/estaheri7/dotawinpredictor
This project aims to predict the outcome of Dota 2 matches based on the heroes picked by both the Radiant and Dire teams
data-science dota2 machine-learning numpy pandas python random-forest sklearn support-vector-machines
Last synced: 10 Oct 2024
https://github.com/amiriiw/digit_classification
Welcome to the Digit Classification Project! This project focuses on training a model to classify handwritten digits and using the trained model to predict digits from new images.
digit-classification keras mysql mysql-database numpy os sklearn tensorflow
Last synced: 03 Nov 2024
https://github.com/offthetab/matcha_code_generation
Fine-tunning MatCha model for better python matplot lib code generation by given chart.
fine-tuning huggingface matcha matplotlib numpy pandas pil sklearn torch
Last synced: 03 Nov 2024
https://github.com/sudarsann27/basic_machine_learning_algorithms
Basic Machine learning algorithms using scikit-learn and other fundamental libraries
data-science data-visualization ensemble-model kaggle numpy pandas scikit-learn supervised-machine-learning
Last synced: 03 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/rohitpawar001/machine_learning
This repository contains all the machine learning algorithms and the ml concepts.
classification hyperparameter-tuning linear-regression logistic-regression machine-learning naive-bayes numpy pandas python regression scikit-learn smote svm
Last synced: 10 Oct 2024
https://github.com/ieCecchetti/Python_ML_DL_examples
A variety of Machine Learning and Deep Learning scripts in Python. Included some theorical info about that in the Readme
bayes-classifier bayesian-statistics deep-learning kernel machine-learning matplotlib neural-network numpy pandas pca pca-analysis python scikitlearn-machine-learning scipy shi
Last synced: 23 Oct 2024
https://github.com/shwetapardhi/assignment-04-simple-linear-regression-1
Q1) Delivery_time -> Predict delivery time using sorting time. Build a simple linear regression model by performing EDA and do necessary transformations and select the best model using R or Python. EDA and Data Visualization, Feature Engineering, Correlation Analysis, Model Building, Model Testing and Model Predictions using simple linear regressi
correlation-analysis data-visualization distplot eda feature-engineering model-building model-prediction model-testing numpy ols-regression p-value pandas python regression-plot rsquare-values seaborn simple-linear-regression smf statsmodel t-score
Last synced: 11 Nov 2024
https://github.com/shwetapardhi/assignment-05-multiple-linear-regression-2
Prepare a prediction model for profit of 50_startups data. Do transformations for getting better predictions of profit and make a table containing R^2 value for each prepared model. R&D Spend -- Research and devolop spend in the past few years Administration -- spend on administration in the past few years Marketing Spend -- spend on Marketing in t
collinearity-diagnostics cooks-distance correlation-analysis eda heteroscedasticity homoscedasticity leverage-score multi-linear-regression numpy ols-regression p-value pair-plot python r-square-values regress-exog residual-analysis smf statsmodels vif
Last synced: 11 Nov 2024
https://github.com/shwetapardhi/assignment-2-set1-q1-basic-statistic-level-2
Plot the data, find the outliers and find out μ,σ,σ^2
boxplot matplotlib-pyplot mean numpy pandas pie-chart python seaborn standard-deviation variense
Last synced: 11 Nov 2024
https://github.com/shwetapardhi/assignment-03-q1--hypothesis-testing
Q1.A F&B manager wants to determine whether there is any significant difference in the diameter of the cutlet between two units. A randomly selected sample of cutlets was collected from both units and measured? Analyze the data and draw inferences at 5% significance level. Please state the assumptions and tests that you carried out to check validit
hypothesis-testing numpy p-value pandas python scipy significance-testing stats t-test
Last synced: 11 Nov 2024
https://github.com/jhonatanthiago/projeto_analise_de_dados_com_python
A empresa contratou você para analisar dados de mais de 800 mil clientes, a maioria dos quais são inativos, ou seja, já cancelaram o serviço. O objetivo é entender os principais motivos desses cancelamentos e identificar as ações mais eficazes para reduzir esse número.
jupyter-notebook nbformat numpy openxyl pandas plotly python
Last synced: 16 Nov 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/shwetapardhi/assignment-04-simple-linear-regression-2
Q2) Salary_hike -> Build a prediction model for Salary_hike Build a simple linear regression model by performing EDA and do necessary transformations and select the best model using R or Python. EDA and Data Visualization. Correlation Analysis. Model Building. Model Testing. Model Predictions.
correlation-analysis data-visualization distplot eda feature-engineering model-building model-predictions model-template numpy ols-regression p-value pandas python r-square-values regression-plot seaborn simple-linear-regression smf statsmodels t-score
Last synced: 11 Nov 2024
https://github.com/miasanromen/math-modeling
Math modeling with Python. Statistics, math, graphics
math matplotlib numpy probality-theory scipy-stats statistics
Last synced: 08 Nov 2024
https://gitlab.com/Makman2/scipy-steadystate
SciPy extension modules for general purpose steady-state solvers and optimizations for differential state-equations!
numpy optimization scipy steady-state
Last synced: 30 Sep 2024