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-15 00:20:36 UTC
- JSON Representation
https://github.com/mattdelaune/saas_cohort_analysis
This project analyzes customer segmentation and behavior using data science and cohort analysis. Key metrics like CRR, NRR, CLR, and CLV are examined through detailed charts, including the cohort layer cake and CLR vs. CLV cost efficiency analysis. Exploratory Data Analysis and systematic data manipulation reveal actionable insights.
anaconda git jupyter-notebook matplotlib numpy pandas python saas-data sales-data sales-data-analysis-project seaborn
Last synced: 08 Nov 2024
https://github.com/alexixrugis/perceptronvisualization
Visualization of training and operation of a perceptron written from scratch in numpy
ai machine-learning numpy python
Last synced: 08 Nov 2024
https://github.com/xmcp/waver
Wave file generator
numpy tkinter wavefile waveform
Last synced: 12 Nov 2024
https://github.com/rsgoksel/genetic-algorithm-solutions
A Guide to Problems and Solutions on Genetic Algorithms
agent evolutionary-algorithms game game-solution genetic-algorithm genetic-algorithms gym neural-network numpy numpy-arrays pygame python stable-baselines3
Last synced: 08 Nov 2024
https://github.com/ashar97/financial-engineering
Financial Engineering Practicum Assignments
financial-engineering matlab numpy pandas python r yahoo-finance
Last synced: 12 Nov 2024
https://github.com/armahdavi/unsupervised-clustering-ml---pm_source_detection---how-extensive-do-you-cook-or-smoke-
Indoor PM2.5 source detection algorithm using unsupervised clustering ML method (k-means clustering)
climate-data jupyter-notebook kmeans kmeans-clustering matplotlib-pyplot numpy pandas python spyder-python-ide
Last synced: 12 Nov 2024
https://github.com/niteshchawla/loantap-logisticregression
Given a set of attributes for an Individual, determine if a credit line should be extended to them. If so, what should the repayment terms be in business recommendations?
confusion-matrix encoding feature-engineering featureimportance hyperparameter-tuning logistic-regression machine-learning numpy pandas-python precision-recall roc-auc-curve sklearn-metrics smote-sampling
Last synced: 11 Nov 2024
https://github.com/molodchina/msu-ml-prac
MSU-CMC-SP Machine Learning practicum
clustering decision-trees encodings ensemble gradient-boosting knn machine-learning matplotlib numpy pandas plotly seaborn svm
Last synced: 07 Nov 2024
https://github.com/abhilash1910/deepgenerator
Sentence Sequence Transduction Library (Seq to Seq) for text generation using sequential generative Vanilla RNN using numpy
adagrad generativemodeling nlp numpy optimizer rnn seq2seq-model transduction vanilla-rnn
Last synced: 13 Oct 2024
https://github.com/tawabshakeel/neural-networks-using-keras
Different Neural Networks using keras
deep-learning keras machine-learning neural-networks numpy pandas python sklearn
Last synced: 13 Oct 2024
https://github.com/malwarebo/carcinet
Basic breast cancer detection using Machine Learning
deep-learning keras machine-learning matplotlib numpy python3 scipy tensorflow
Last synced: 10 Nov 2024
https://github.com/eschan145/spaceshooter
A simple space shooter game
cpp cpp23 game gcc mingw-w64 numpy python python-arcade
Last synced: 15 Oct 2024
https://github.com/sahajrajmalla/co2-calculator-api
A Web Application backend API that enables people to create events, join events, and measure the carbon footprint produced by each participant to get insights about online and onsite carbon emissions.
apis carbon-emissions carbon-footprint fastapi makefile numpy pandas precommit sqlalchemy sqlite3 uvicorn
Last synced: 10 Nov 2024
https://github.com/justsecret123/one-piece-characters-detector
An object detector trained with a Kaggle GPU, using Tensorflow and a fine-tuned ssd resnet50.
artificial-intelligence computer-vision convolutional-neural-networks deep-learning deep-neural-networks docker fine-tuning jupyter kaggle kaggle-dataset matplotlib numpy object-detection python single-shot-detector tensorflow tensorflow-object-detection tensorflow-serving transfer-learning
Last synced: 05 Nov 2024
https://github.com/msthamizh/industrial-copper-modeling
Developing a Streamlit application that allows users to interactively predict sales outcomes using machine learning. The application supports both regression and classification tasks, enabling users to input various features and receive predictions for selling prices and status (WON/LOST).
exploratory-data-analysis machine-learning mongodb numpy pandas python streamlit
Last synced: 08 Nov 2024
https://github.com/burhanahmed1/data-analysis-with-python
Data-Acquisition and Basic Insights, Data Wrangling, Exploratory Data Analysis (EDA), and Training Prediction Models(Machine Learning) on two datasets.
data-analysis data-aquisition data-insights data-science data-wrangling dataanalytics datascience-machinelearning eda exploratory-data-analysis machine-learning-models matlpotlib numpy pandas practice-programming prediction-model python scikit-learn scikitlearn-machine-learning seaborn
Last synced: 10 Nov 2024
https://github.com/degencap777/aisocialgood
The rise of social media and online communities creates safe and anonymous spaces for individuals to share their thoughts about their mental health and express their feelings and sufferings in online communities. To prevent suicide, it is necessary to detect suicide-related posts and user's suicide ideation in cyberspace by natural language process
flask gpt4 numpy python tensorflow
Last synced: 14 Nov 2024
https://github.com/ngirimana/data-analyis-project
data-science matplotlib numpy pandas python seaborn
Last synced: 08 Nov 2024
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: 08 Nov 2024
https://github.com/kwanit1142/sars-cov-2-detection-radiology-based-multi-modal-multi-task-framework
Keras-based Implementation for "SARS-CoV-2 Detection: Radiology based Multi-modal Multi-task Framework" (Accepted in 45th IEEE EMBC 2k23)
gans keras matplotlib numpy opencv os pandas pillow scipy sklearn tensorflow transfer-learning wasserstein-distance
Last synced: 13 Nov 2024
https://github.com/gracysapra/pandas-numpy-data-visualisation
This repository contains essential Python scripts and notebooks for data analysis and visualization. It includes: pandas: Data manipulation and analysis, including operations on series and dataframes. NumPy: Efficient numerical computations and array processing. Data Visualization: Creating insightful visualizations using Matplotlib and Seaborn.
data-science data-visualization matplotlib numpy numpy-arrays pandas pandas-dataframe pandas-series seaborn
Last synced: 11 Nov 2024
https://github.com/miladsade96/numpy_and_algebra
Introduction to numpy and linear algebra
algebra linear-algebra matrices numpy tensor vectors
Last synced: 09 Nov 2024
https://github.com/drill-n-bass/data-analysis-projects
Projects related to my Data Analyst path.
analysis data-analysis data-visualization matplotlib matplotlib-pyplot mysql mysql-database numpy pandas pandas-dataframe pandas-library pandas-python python python3 seaborn seaborn-plots static-analysis statistics
Last synced: 07 Nov 2024
https://github.com/kostasereksonas/ids_test
Code for intrusion detection system based on "Intrusion Detection System Using Machine Learning Algorithms" tutorial on Geeksforgeeks and Intrusion Detection on NSL KDD Github repository.
ids intrusion-detection intrusion-detection-system nsl-kdd-dataset numpy pandas python scikit-learn tensorflow
Last synced: 16 Nov 2024
https://github.com/clayrisser/6-line-neural-net
The smallest neural network
Last synced: 28 Oct 2024
https://github.com/amirhnajafiz-university/s7dc01
Final project of Data Communications course
data-communication matplotlib modulation numpy python scipy signal signal-processing
Last synced: 06 Nov 2024
https://github.com/mchenryspagg/analysis-of-car-repair-shop-operations
This project presents a comprehensive data analysis of a car repair shop's operations, utilizing an extended dataset of sales receipts.
dataanalysisusingsql datavisualization matplotlib-pyplot mysql mysql-database mysqlconnector numpy pandas python salesanalysis seaborn sql
Last synced: 15 Oct 2024
https://github.com/mahboobehad/ocausal
Outlier Causal Relationship Detecotor
causality-analysis datamining networkx notebook numpy outlier-detection python
Last synced: 07 Nov 2024
https://github.com/vorticity-inc/vtensor
VTensor, a C++ library, facilitates tensor manipulation on GPUs, emulating the python-numpy style for ease of use. It leverages RMM (RAPIDS Memory Manager) for efficient device memory management.
cublas cuda curand cusolver gpu numpy rmm tensor
Last synced: 23 Oct 2024
https://github.com/tillahoffmann/idxhound
🐶 Track indices across one or more numpy selections.
data numpy scientific-computing
Last synced: 11 Oct 2024
https://github.com/anfany/python3-practice
基于Python3的多种工具实例代码、以及流行库的使用贴士
matplotlib numpy pandas python3 tensorflow tips
Last synced: 06 Nov 2024
https://github.com/walkerdustin/vergleich-von-messmethoden-fuer-punktwolken
Bei der Vermessung eines physischen Raumes ist das Ergebnis eine Punktwolke. Diese Punktwolke beschreibt dann ausgewählte Punkte im Raum, zum Beispiel auf den Wänden und der Decke. Wenn diese Punkte in zwei seperaten Messungen gemessen werden, vielleicht sogar von unterschiedlichen Geräten, soll hinterher herausgefunden werden wie genau diese Punktwolken übereinstimmen. Dafür gibt es zwei grundsätzlich verschiedene Methoden. Diese sollen hier verglichen werden.
3d-models accuracy-metrics data-analysis data-visualization kaggle measure-distance numpy point-cloud pointcloudprocessing punkte python science-research simulation statistics
Last synced: 08 Nov 2024
https://github.com/quinta0/pycolors
A python program to help people with color blindness recognize color in an image
colorblindness colors image-processing numpy pandas-dataframe python tkinter-gui
Last synced: 10 Nov 2024
https://github.com/rakibhhridoy/machinelearning-featureselection
Before training a model or feed a model, first priority is on data,not in model. The more data is preprocessed and engineered the more model will learn. Feature selectio one of the methods processing data before feeding the model. Various feature selection techniques is shown here.
extratreesclassifier feature-selection gridsearchcv lasso-regression logistic-regression machine-learning numpy pandas pca rfe rfecv scikit-learn selectkbest
Last synced: 06 Nov 2024
https://github.com/rakibhhridoy/easywaydiveinto-datascience
Data Science is not as easy as it seems at first. The most problem faced by new learner are lack of resource knowledge as well as confusion in using the various resources. I hope this repository will benefit confusion learner.
algorithms algorithms-implemented bayesian-statistics data-science deep-learning deep-neural-networks linear-algebra machine-learning matplotlib multivariate-calculus numpy optimization pandas python scikit-learn scipy seaborn statistics statsmodels tensorflow
Last synced: 06 Nov 2024
https://github.com/udityamerit/machine-learning-for-beginners
artificial-intelligence classification classification-algorithm clustering clustering-algorithm clustering-methods machine-learning machine-learning-algorithms matplotlib numpy pandas python regression-algorithms regression-analysis regression-models scikit-learn scipy tensorflow
Last synced: 17 Oct 2024
https://github.com/mahnoorsheikh16/fds-project-cmse830-credit-card-default-prediction
This project focuses on predicting whether a customer will default on their credit card payment in the upcoming month. Utilizing historical transaction data and customer demographics, the project employs various machine learning algorithms to distinguish between risky and non-risky customers for better credit risk management.
chi-square-test encoding hiplot imblearn json knn-imputer matplotlib numpy pandas pca-analysis pillow plotly robust-scalar scipy seaborn sklearn smote streamlit ttest visualization
Last synced: 17 Oct 2024
https://github.com/sd338/fractureai
This tool helps people upload X-rays to find broken bones. It uses a machine to mark where the breaks are and gives users marked pictures to download. A smart computer also helps people understand their broken bones and gives them advice.
css cv2 flask gorq html javascript matplotlib npm numpy pandas pydantic python react scikit-learn torch torchvision ultralytics
Last synced: 31 Oct 2024
https://github.com/skywalkersam/machine-learning-and-data-science-bootcamp
Getting started with AI & ML!
ai-ml jupyter-notebooks matplotlib ml ml-framework numpy pandas python3 scikit-learn tensorflow
Last synced: 10 Nov 2024
https://github.com/rakibhhridoy/imageprocessing
Large amount of image processing is quite messy and time consuming,thus the working steps should be fast as well as accurate also. I've made sequential functions that is needed for processing data in TensorFlow and python. These functions made my work fast as it needed in commercial purposes.
augmentation deep-learning functional-programming image-manipulation image-processing keras machine-learning numpy python sequential-patterns tensorflow
Last synced: 06 Nov 2024
https://github.com/raihan4520/ml
A collection of machine learning projects showcasing various algorithms and techniques, including a final project for the Machine Learning course at AIUB.
data-preprocessing jupyter-notebook machine-learning model-evaluation numpy pandas python scikit-learn
Last synced: 31 Oct 2024
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: 08 Nov 2024
https://github.com/udityamerit/all_mlpackages
The `all_MLpackage` is a Python tool for breast cancer detection using scikit-learn's machine learning algorithms. It automates model training, generates accuracy comparisons, and helps identify the best-performing algorithm for diagnosis.
classification knn-algorithm logistic-regression machine-learning numpy pandas scikit-learn svm-model
Last synced: 31 Oct 2024
https://github.com/ksharma67/ibm-stock-predication-wiith-eda
In this i tried to design a model that can predict the price of stock using different methods and algorithms.
bullish-signal death-cross decision-tree eda golden-cross gradient-boosting knn machine-learning-algorithms matplotlib numpy pandas prediction python random-forest scalar seaborn skit-learn svm xgboost
Last synced: 06 Nov 2024
https://github.com/khadkarajesh/wine-prediction
White and Red Wine classification using logistic regression
airflow airflow-dags classification classification-algorithm data-science dataingestion evidently flask logistic-regression logistic-regression-algorithm machine-learning machine-learning-pipeline mlflow numpy pandas pipeline postgresql python scikit-learn supervised-learning
Last synced: 13 Nov 2024
https://github.com/607011/1dollar
Simulation of a counterintuitive distribution problem
animation go golang matplotlib numpy plot python3 simulation statistics
Last synced: 07 Nov 2024
https://github.com/wyllduck/pygame_escapefromgaia
PYGAME / 2018 / university: ETSEIB-UPC / title: 'Escape from Gaia'
matplotlib networkx numpy pygame python3
Last synced: 10 Nov 2024
https://github.com/kaleharshavardhan07/spam_mail-_detector_ai_model
This project implements a spam detection system for SMS messages using machine learning techniques.
mathplotlib nltk numpy panda python scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/emersonpenelli/100-days-of-code-with-python
Repositório da jornada de 100 dias codando em Python.
100daysofpython flask numpy pandas plotly python selenium-webdriver sqlite tkinter
Last synced: 06 Nov 2024
https://github.com/blakeziegler/nfl-ai
Sports AI featuring Deep Learning Neural Networks from Scratch
artificial-intelligence calculus deep-neural-networks linear-algebra neural-network numpy predictive-modeling sports statistics
Last synced: 15 Nov 2024
https://github.com/aidatorajiro/takasa
OpenStreetMap 高低差を考えた最短(?)経路問題ソルバー
numpy openstreetmap scipy shortest-path
Last synced: 07 Nov 2024
https://github.com/ksatrajit0/heart-disease-prediction-ml
Predicts the risk of heart attack in a patient using their medical record
heart-disease-prediction machine-learning matplotlib numpy pandas scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/zazi2002/neuroscience-project-olfactory-signal
This project is part of the Neuroscience of Learning, Memory, Cognition course. The main objective is to analyze Local Field Potential (LFP) signals recorded from three different brain regions of an anesthetized rat while it performed an olfactory task.
frequency-analysis lfp-analysis matplotlib numpy scipy signal-processing
Last synced: 07 Nov 2024
https://github.com/zazi2002/neuroscience-project-cnn
This project is part of the Neuroscience of Learning, Memory, Cognition course and focuses on the visual processing pathways in the brain, particularly the dorsal and ventral streams.
cnn-for-visual-recognition learning matplotlib numpy scipy visual-processing
Last synced: 07 Nov 2024
https://github.com/mothnik/robust_fourier
Noise- and Outlier-Robust Fourier Transform with Hermite Functions with NumPy and Numba
chebyshev-polynomials fourier-transform hermite-functions hermite-polynomials least-square-regression logsumexp numba numpy python robust-statistics
Last synced: 11 Oct 2024
https://github.com/darshan12345678910/air-quality-prediction-ml-algorithms
AirPredict AQI prediction using classification algorithm
classification-algorithims gradio-interface numpy pandas
Last synced: 12 Nov 2024
https://github.com/savitar-hub/image-classification
Notebooks on how image classification can help businesses make better decisions and improve the customer experience.
image-classification image-processing jupyter-notebook numpy opencv pandas pytorch tensorflow
Last synced: 06 Nov 2024
https://github.com/rajaprerak/resumesectionclassifier
Generate sections from resume
machine-learning numpy pandas python sklearn
Last synced: 06 Nov 2024
https://github.com/zazi2002/neuroscience-project-lfp-signalanalysis
This project is part of the Neuroscience of Learning, Memory, Cognition course. The goal of this assignment is to introduce students to Local Field Potential (LFP) signals, which are critical for understanding brain activity at a local neuronal level.
jupiter-notebook lfp-analysis matplotlib numpy signal-processing
Last synced: 07 Nov 2024
https://github.com/hemilkaklotar/num-plot
Python Libraries Tutorials for Numpy and Matplotlib
matplotlib numpy patterns python
Last synced: 05 Nov 2024
https://github.com/erickarpovits/carbon-metrics-model
Investigation Of Covid’s Impact On Carbon Emission Rates In the United States
deep-learning numpy pandas python
Last synced: 07 Nov 2024
https://github.com/animesh-ghosh/summer-training
Work done during Summer Training with OSAHub.
anaconda jupyter-notebook machine-learning numpy pandas python3 scikit-learn
Last synced: 26 Oct 2024
https://github.com/bsc-dom/npp2nvm
NumPy Persistence to Non-Volatile Memory
numpy nvm persistent-data-structure pmdk
Last synced: 13 Nov 2024
https://github.com/andrehaguiar/pos-graduacao-inteligecia_artificial-ciencia_de_dados
Cronograma do curso
ciencia-de-dados dados matplotlib-pyplot numpy orange pandas python scipy sklearn
Last synced: 07 Nov 2024
https://github.com/shreeparab1890/fifa-wc-2022-qatar-data-analysis-eda
This is a Jupyter Notebook( iPython Notebook) with Data Analysis (EDA) on FIFA WC Qatar 2022 match data.
data-analysis data-analysis-python data-science data-visualization eda fifa matplotlib-pyplot numpy pandas plotly-express python-3
Last synced: 08 Nov 2024
https://github.com/agrouaze/dspec
momentum spectrum decomposition
decomposition numpy orthogonal python3 spectral-analysis spectrum xarray
Last synced: 10 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/secary/compsci7211
Foundations of Computer Science B
algorithms git numpy pandas shell unix
Last synced: 31 Oct 2024
https://github.com/mchenryspagg/investigate_a_dataset
This is a data analysis project that demonstrates the student's ability to use python data analysis libraries such as pandas, numpy and pyplot in matplotlib to investigate a dataset and answer specific questions from the dataset, thus demonstrating skills in data cleaning, data wrangling, and exploratory data analysis.
data-analysis datetime descriptive-analysis descriptive-statistics exploratory-data-analysis numpy pandas pyplot python visualization
Last synced: 08 Nov 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/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/muskanmi/data_analysis_python
Data analysis on students result dataset using python libraries.
boxplot countplots data-analysis numpy pandas pie-chart python3 seaborn
Last synced: 05 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/allanreda/automated-k-means-clustering-engine
An interactive K-Means clustering tool built with Flask and Scikit-Learn, supporting Excel file uploads, cluster analysis, and data export, deployed on Google Cloud Run via Docker with CI/CD integration.
cicd css data-visualization deployment docker flask google-cloud-run html javascript k-means-clustering machine-learning matplotlib numpy pandas python scikit-learn
Last synced: 31 Oct 2024
https://github.com/lakshaybhushan/pns-coding-assignment
Solving questions given in "Programming Questions.pdf" using python's matplotlib and jupyter notebooks
ipynb juypter-notebook matplotlib-pyplot numpy python
Last synced: 05 Nov 2024
https://github.com/mchenryspagg/prosper-loan-project
A data analysis project that entails using the data from a fictional loan company known as Prosper to perform exploratory data analysis using univariate, bivariate and multivariate visualizations to produce insights that answers questions asked from the data
datastorytelling exploratory-data-analysis exploratory-data-visualizations jupyter-notebook matplotlib-pyplot numpy pandas python seaborn-plots
Last synced: 08 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/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/andremenezesds/pa004_health_insurance
Health Insurance Cross-Sell(Learning to Rank Machine Learning Project)
backend backend-api data-analysis data-science data-visualization dataviz lgbm machine-learning matplotlib numpy optuna pandas python scikit-learn shell-script sql webapi xgboost
Last synced: 11 Nov 2024
https://github.com/samir-atra/experiments_and-_improvements
A repository showing the knowledge in some of the machine learning technologies there are.
dcgan-tensorflow numpy tensorflow-tutorials tensorflow2
Last synced: 10 Oct 2024
https://github.com/ankitpundir7/group-face-emotion-recognition
This project can identify and categorize human emotions in both static and dynamic context. Duration : Jun 2023 - Jul 2023
convolutional-neural-networks deep-learning keras machine-learning-algorithms numpy opencv python tensorflow
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/eiichiroito/numpharo
NumPy like tools for Pharo Smalltalk
matplotlib-pyplot numpy pharo pharo-smalltalk smalltalk
Last synced: 31 Oct 2024
https://github.com/fatimaafzaal/car_price_prediction
Trains Random Forest and Gradient Boosting models to predict car prices based on user inputs for various car attributes, evaluating models and making predictions using the best-performing model.
car-price-prediction ensemble-learning gradient-boosting matplotlib numpy pandas random-forest regression regression-models scikit-learn seaborn
Last synced: 15 Nov 2024
https://github.com/ramy-badr-ahmed/higgs-dataset-training
Training Higgs Dataset with Keras - https://doi.org/10.5281/zenodo.13133945
binary-classification cuda-toolkit cupy dask dask-dataframes higgs-boson keras keras-tensorflow matplotlib matplotlib-python numpy pandas pandas-dataframe scikit-learn uci-dataset uci-machine-learning
Last synced: 10 Oct 2024
https://github.com/bharath-tars/deeptumor2.0
DeepTumor2.0 is a project aimed at developing a flask webapp with robust front end and highly trained model using tensorflow in the backend with several features like with automatic html template reporting
css datetime docs flask github html javascript keras numpy onrender os pandas python sheety smtp tensorflow
Last synced: 03 Nov 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