Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
NumPy
![](https://explore-feed.github.com/topics/numpy/numpy.png)
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: 2025-02-14 00:16:51 UTC
- JSON Representation
https://github.com/datarohit/comic-superheros-data-analysis
This is a Dataset taken from Kaggle with Data for almost all Marvel and DC superheros. I've performed analysis based on 20 Question which involves Analysis along with EDA.
matplotlib-pyplot numpy pandas seaborn
Last synced: 23 Dec 2024
https://github.com/datarohit/pima-indians-diabetes-classification
This is a very popular Kaggle Dataset for practicing Classification and EDA. A detailed Statistical Analysis with EDA and many Plots has been done.
classification-algorithims classification-model machine-learning-algorithms matplotlib-pyplot numpy pandas seaborn sklean
Last synced: 23 Dec 2024
https://github.com/datarohit/bank-note-authentication--classification
This is a Kaggle Dataset with information about Bank Note and Classify whether the Bank Note is Authentic or Not. This Dataset is based on Classification problem solved using Sklearn Classification Algorithms.
classification-algorithm machine-learning matplotlib-pyplot numpy pandas seaborn sklearn
Last synced: 23 Dec 2024
https://github.com/datarohit/titanic-survival-data--classification
This is a Titanic Survival Data from Kaggle Competition with Multiple Classification Algorithm testing and Detailed Exploratory Data Analysis.
classification-algorithm kaggle-competition machine-learning-algorithms matplotlib-pyplot numpy pandas seaborn sklearn
Last synced: 23 Dec 2024
https://github.com/datarohit/car-evaluation--classification
This is a Kaggle Dataset where we classify the cars using their various features. Here I used plotly to visualize the Accuracy Scores. Also I used CrossValScore to get More accurate Accuracy Score.
classification-algorithm cross-validation-score machine-learning matplotlib-pyplot numpy pandas sklearn
Last synced: 23 Dec 2024
https://github.com/datarohit/opencv-document-scanner
This is a Document Scanner built using Python and OpenCV. It also has Image Saving Feature. You can adjust the thresholds to find the contours better.
numpy opencv opencv-python python
Last synced: 23 Dec 2024
https://github.com/datarohit/gameofthrones-battle-data-analysis
Data sets in .csv Format taken from Kaggle. These files contains data about Battles, Kings, Characters, etc of the popular movie series Game of Thrones.
matplotlib-pyplot numpy pandas seaborn
Last synced: 23 Dec 2024
https://github.com/datarohit/fifa-2020--data-analysis
This is dataset is from Kaggle.com which contains data of 18000+ fifa players with more than 100 features about them for analysis. Simple analysis performed on this Dataset.
exploratory-data-analysis exploratory-data-visualizations matplotlib-pyplot numpy pandas seaborn
Last synced: 23 Dec 2024
https://github.com/datarohit/date-fruit-classification
This is Date Fruit Data taken from Kaggle. This data severs a classification problem to solved. Using various features of the fruit classify the fruit to its type.
classification logisticregression numpy pandas python3 standard-scaler
Last synced: 23 Dec 2024
https://github.com/datarohit/nfl-big-data-bowl-2022--analysis
This is a Jupyter Notebook containing the analysis performed on a Kaggle Competition Dataset which contains data about NFL players and games.
kaggle kaggle-competition matplotlib-pyplot numpy pandas plotly python seaborn
Last synced: 23 Dec 2024
https://github.com/datarohit/garbage-image-classification
This is Garbage Image Classification End-To-End Project built using Python and Streamlit.
cnn-classification cnn-keras inceptionv3 keras-tensorflow matplotlib numpy
Last synced: 23 Dec 2024
https://github.com/datarohit/churn-prediction-for-bank
This Dataset has various information about customers of Bank. The Problem is that many customers tend to leave the bank so using the features give we have to predict whether a customer will leave the Bank or Not.
churn-prediction classification matplotlib-pyplot numpy pandas seaborn sklearn
Last synced: 23 Dec 2024
https://github.com/datarohit/imdb-reviews-sentiment-analysis
This is a NLP - Sentiment Analysis Project built using Bernoulli-Naive-Bayes Algorithm to Predict is the IMDB Movie Review is Positive or Negative.
bernoulli-naive-bayes classification count-vectorizer multinomial-naive-bayes nltk numpy pandas porter-stemmer regex sentiment-analysis sklearn
Last synced: 23 Dec 2024
https://github.com/chuvalniy/torchy
Built from scratch neural network library using only NumPy
backpropogation from-scratch gradient math neural-net numpy pytorch-like
Last synced: 23 Dec 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: 23 Dec 2024
https://github.com/octcarp/sustech_cs303-ai_f23_works
(49.8/50) Course code of CS303 2023 Fall: Artificial Intelligence, SUSTech. Taught by Prof. Ke TANG.
Last synced: 09 Feb 2025
https://github.com/abdulfatir/subkmeans
Numpy and pyCUDA implementation of subKmeans
clustering cuda kdd kmeans numpy pycuda python subspace-clustering
Last synced: 09 Feb 2025
https://github.com/letiziaia/dsp_2021
Basic Python code snippets for data science students
data-science numpy pandas python
Last synced: 09 Feb 2025
https://github.com/nirmalyabag20/loan-status-prediction-using-machine-learning
This project focuses on predicting the loan status (approved or not approved) based on various applicant details. The goal is to develop a machine learning model that accurately classifies whether a loan should be approved, helping financial institutions make informed lending decisions.
matplotlib numpy pandas python scikit-learn seaborn support-vector-machine
Last synced: 12 Feb 2025
https://github.com/mardavsj/numpy-in-python
The fundamentals of Python NumPy Library.
analysis-tool data-manipulation numpy numpy-arrays numpy-matrix python
Last synced: 14 Feb 2025
https://github.com/mardavsj/wine-quality-prediction
Predicting wine quality using Support Vector Machine (SVM) algorithm based on its chemical properties.
django flask machine-learning numpy pandas python svm-model
Last synced: 14 Feb 2025
https://github.com/mardavsj/weather-prediction
Weather prediction model which mainly focuses on visualization.
data-analysis data-visualization matplotlib numpy pandas pandas-dataframe
Last synced: 14 Feb 2025
https://github.com/iver56/cython-region-growing
A quick experiment: Region growing (AKA flood fill) algorithm implemented in Cython and Python
benchmark cython flood-fill numpy python region-growing
Last synced: 23 Dec 2024
https://github.com/asitshakya789/python-programming
This repository contains all the programs and resources we will use to learn Python programming. It also includes various modules, Python libraries, and several project examples to enhance our learning experience.
matplotlib modules numpy pandas python tkinter
Last synced: 14 Feb 2025
https://github.com/matx64/rs-netbot
Old School Runescape (MMORPG) Bot created using a Convolutional Neural Network for object identification
Last synced: 09 Feb 2025
https://github.com/dmarks84/ind_project_california-housing-data--kaggle
Independent Project - Kaggle Dataset-- I worked on the California Housing dataset, performing data cleaning and preparation; exploratory data analysis; feature engineering; regression model buildings; model evaluation.
cross-validation data-modeling data-reporting data-visualization eda folium grid-search matplotlib model-evaluation numpy pandas pca python seaborn sklearn statistics supervised-ml unsupervised-ml
Last synced: 23 Dec 2024
https://github.com/dmarks84/coursework_coursework_project_automobile-sales-visualization
Project for IBM Data Science course on Visualization & Dashboards -- Analyzed historical sales data, performing EDA and setting up an interactive dashboard
communication dash dashboards data-modeling elt etl folium matplotlib numpy pandas pipelines plotly python scipy seaborn visualization
Last synced: 23 Dec 2024
https://github.com/msadeqsirjani/cinemetrics
This project focuses on analyzing the Netflix dataset to gain insights into the movies and TV shows available on Netflix.
decision-trees jupyter matplot netflix nlp nltk numpy pandas plotty python scikitlearn-machine-learning seaborn sklearn svm
Last synced: 09 Feb 2025
https://github.com/msadeqsirjani/synapse
seizure detector with neural networks
cnn edf matplotlib neural-network numpy pyedflib python seizure-detection sklearn tensorflow
Last synced: 09 Feb 2025
https://github.com/abhishek010397/machinelearning-modeltraining
Machine Learning Model Training for Car Detection
keras-image-augmentation keras-image-classifier keras-tensorflow matplotlib numpy python3 rmsprop tensorflow2
Last synced: 23 Dec 2024
https://github.com/abhishek010397/logisticregression
Using Logistic Regression Classifier to Predict Target Using Three Features
csv iloc logistic-regression machine-learning numpy pandas-dataframe python3 sigmoid-function sklearn
Last synced: 23 Dec 2024
https://github.com/hamdaniqhmqd/sistem-cerdas
I use this repository for my storage, especially in the intelligent systems course in semester 3
matplotlib numpy pandas python streamlit
Last synced: 09 Feb 2025
https://github.com/asim-2000/machine-learning-projects-in-python
ensemble-model machine-learning matplotlib numpy pandas python sklearn
Last synced: 10 Jan 2025
https://github.com/vidursatija/tensorpy
A simple NumPy autodiff library
autograd machine-learning numpy python
Last synced: 30 Jan 2025
https://github.com/zaujulio/featuresanalyzergtk
Python data analyze and machine learning tool
gtk machine-learning numpy pandas python sklearn
Last synced: 12 Dec 2024
https://github.com/aneeshnaik/lintsampler
Efficient random sampling via linear interpolation.
low-discrepancy-sequence numpy python random-generation random-sampling statistics
Last synced: 17 Dec 2024
https://github.com/narenkhatwani/arkouda-projects
This repository contains the source codes of the projects done using Arkouda (a software package that allows a user to interactively issue massive parallel computations on distributed data using functions and syntax that mimic NumPy, the underlying computational library used in most Python data science workflows.)
arkouda data-analysis data-analytics data-science high-performance high-performance-computing highperformancecomputing numpy pandas parallel-computing parallel-processing parallelization python
Last synced: 06 Feb 2025
https://github.com/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: 23 Dec 2024
https://github.com/blagojeblagojevic/low_pass_filter_arduino
Low pass filter
arduino arduino-uno cpp digital-filters filter filter-design jupyter-notebook low-pass-filter matplotlib numpy python scipy
Last synced: 14 Feb 2025
https://github.com/xaxm007/nn-numpy
A Basic Logistic Regression Neural Network using NumPy and calculus.
critical-indulgence logistic-regression neural-network numpy study
Last synced: 17 Dec 2024
https://github.com/yogeshnile/ipl-first-inning-score-prediction
In this repo I have develop a first innings score prediction in ipl using machine learning.
ipl linear-regression machine-learning numpy pandas prediction python3 seaborn sklearn
Last synced: 10 Jan 2025
https://github.com/harmim/vut-sui-homework
Umělá inteligence a strojové učení - Domácí úloha
artificial-intelligence classification gaussian-distribution logistic-regression machine-learning matplotlib numpy nuralnetwork python scipy sui torch vut vut-fit
Last synced: 06 Feb 2025
https://github.com/nguyenanhtuan1912/computer_vision_exercises
Trong này sẽ chứa các file source về bài tập Computer Vision.
computer-vision numpy opencv python
Last synced: 17 Jan 2025
https://github.com/ayaanjawaid/diwali-sales-analysis
The code file contains the Analysis of Diwali sales. Performed Exploratory Data Analysis (EDA) on Measure Values.
jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 14 Feb 2025
https://github.com/ayaanjawaid/vizualite
Vizualite allows you to upload dataset and clearly view the attributes and allows you to create vizualizations, you can also download dataset.
matplotlib numpy pandas python3 streamlit
Last synced: 14 Feb 2025
https://github.com/ayaanjawaid/brain_stroke_prediction
project aims to predict the likelihood of a stroke based on various health parameters using machine learning models. The dataset is preprocessed, analyzed, and multiple models are trained to achieve the best prediction accuracy.
decision-trees exploratory-data-analysis matplotlib numpy pandas python regression xgboost
Last synced: 14 Feb 2025
https://github.com/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: 11 Feb 2025
https://github.com/abhihirekhan/abhi-s-data-science-portfolio
A list of data science projects completed by me for academic, self learning, and creative purposes
datascience ipynb-jupyter-notebook jupyter jupyter-kernels jupyter-notebook keras-tensorflow machine-learning numpy pandas portfolio python tensorflow
Last synced: 12 Jan 2025
https://github.com/rhazra-003/plotting_practice
Plotting using matplotlib and numpy
jupyter-notebook matplotlib numpy plotting-in-python python statistics
Last synced: 25 Jan 2025
https://github.com/mrbrain295/prime-finder
pip install prime-finder-mammillaria for installation
Last synced: 09 Feb 2025
https://github.com/nomadsdev/pulse-detect
PulseDetect is a Python tool that detects audio frequencies in real-time. It captures sound from the microphone and identifies the dominant frequency using pyaudio and numpy
numpy pulse-detect pyaudio python scipy
Last synced: 01 Feb 2025
https://github.com/nomadsdev/frequency-insight
SoundFreqAnalyzer: A Python tool to record audio, analyze frequencies, and save results.
audio-analysis audio-recording audio-tool data-visualization fft frequency-analysis keyboard-python numpy pyaudio python scipy signal-processing sound-engineering
Last synced: 01 Feb 2025
https://github.com/hit07/data_science
Data [ Exploration, Cleaning, Manipulation, Visualisation ]
data-analysis data-cleaning data-exploration data-manipulation data-visualization eda jupyter-notebook matplotlib numpy pandas-dataframe scipy
Last synced: 01 Feb 2025
https://github.com/nikita-data/unit_economics_projects
unit economics & cohort analysis projects
cac churn-rate conversion create-function data-analysis data-visualization eda hypothesis-testing ltv math matplotlib numpy python retention-rate roi scipy seaborn segmentation statistics unit-economics
Last synced: 01 Feb 2025
https://github.com/nikita-data/eda_projects
Exploratory data analysis projects
cac data-analysis data-visualization eda folium-maps hypothesis-testing ltv math matplotlib numpy plotly python regular roi scipy seaborn segmentation statistics unit-economics
Last synced: 01 Feb 2025
https://github.com/realtristan/micronet
Neural network library from scratch
neural-networks numpy python pytorch
Last synced: 20 Jan 2025
https://github.com/alexcoder04/image-edit
A Python GUI for basic image editing, school project
fun gui image-editing image-processing numpy pil pyqt pyqt5 python python3 qt sideproject
Last synced: 09 Feb 2025
https://github.com/gallo13/neuralnetworks-deeplearning-image-classification-with-cnn
Explore the implementation of CNN with a color image dataset (Project 1)
cnn convolutional-neural-networks gpu-tensorflow jupyter-notebook keras keras-tensorflow numpy python scikit-learn seaborn tensorflow tensorflow2
Last synced: 26 Jan 2025
https://github.com/hansalemaos/cythonnestednumpy
performs sorting and grouping operations on multidimensional NumPy arrays using Cython and hash-based algorithms.
Last synced: 01 Feb 2025
https://github.com/SudipBishwakarma/Bulk-Remove-OneSignal-Users
Bulk remove OneSignal subscribed users blazingly faster with parallel processing.
numpy pandas python python-logger python-multiprocessing python-threading python3
Last synced: 02 Nov 2024
https://github.com/vinicius999/eda-basketball-streamlit
Simple web application for viewing, filtering and analyzing Basketball data using Stremlit.
numpy pandas python streamlit webapp webscraping
Last synced: 12 Jan 2025
https://github.com/bratergit/lastchancehackertoberfest
In the final hours of hacktoberfest 2024 your last chance to get a tee
hacktoberfest hacktoberfest-accepted hacktoberfest2024 numpy pandas python3 streamlit
Last synced: 31 Oct 2024
https://github.com/ayoubelmortaji/analysis-and-detection-of-threats-in-cloud-environments-with-machine-learning
Developed a machine learning-driven threat detection model for cloud environments, utilizing Random Forest (RF) and Decision Tree (DT) algorithms. Focused on analyzing network activities and identifying suspicious behaviors through Security Information and Event Management (SIEM) systems. Enhanced cloud security by addressing key challenges in dete
cloud-computing machine-learning matplotlib numpy pandas python scikit-learn seaborn siem
Last synced: 01 Feb 2025
https://github.com/aryansk/fake-news-detection
A sophisticated machine learning solution to detect fake news using multiple classification algorithms. Identify the credibility of news articles with advanced text analysis techniques!
fake-news-detection machine-learning machine-learning-algorithms matplotlib numpy pandas python random-forest-classifier scikit-learn seaborn
Last synced: 01 Feb 2025
https://github.com/listiangr/play_tennis_classification
Proyek ini menganalisis data tentang kondisi cuaca untuk memprediksi apakah seseorang akan bermain tenis atau tidak. Tujuan utamanya adalah memberikan prediksi yang akurat berdasarkan faktor-faktor seperti cuaca, suhu, kelembapan, dan angin.
classification flask html-css jupyter-notebook kaggle-dataset naive-bayes numpy pandas pickle play-tennis python sklearn
Last synced: 01 Feb 2025
https://github.com/rhazra-003/indiebot
A basic chatbot which answers questions based on history of India
chatbot jupyter-notebook nlp nltk numpy python3 sckit-learn
Last synced: 25 Jan 2025
https://github.com/rhazra-003/flight_delay_predictor
A ML model to predict Flight Delays
azure-storage jupyter-notebook matplotlib numpy pandas scikit-learn seaborn
Last synced: 25 Jan 2025
https://github.com/rhazra-003/fake_news_detector
A Machine Learning model to detect fake news with more than 95% accuracy
fake-news numpy pandas scikit-learn
Last synced: 25 Jan 2025
https://github.com/islamshahil/machinelearning
A Fun Project - Using LinearRegression, Predicting the Value.
hacktoberfest linearregression machine-learning numpy pandas python sklearn
Last synced: 26 Jan 2025
https://github.com/datarohit/tps-january-2022--kaggle-competition
Tabular Playground Series - Jan 2022. This Competition is Posted on Kaggle.com for practicing the EDA and Regression Skills.
kaggle-competition matplotlib numpy pandas regression-algorithms seaborn
Last synced: 23 Dec 2024
https://github.com/pranav-bot/ml-dl-models-from-scratch
This contains the most commonly used machine learning and deep learning models written from scratch without the use if any libraries except Numpy which is used for calculations
deep-learning descion-tree from-scratch linear-regression logistic-regression machine-learning naive-bayes neural-networks numpy perceptron pytorch qlearning random-forest regression reinforcement-learning support-vector-machines svm
Last synced: 23 Dec 2024
https://github.com/mdaffailhami/data_science_speedrun_journey
This repository contains notebooks and projects related to my data science speedrun journey.
algebra artificial-intelligence data-analysis data-analyst data-science data-scientist jupyter-notebook machine-learning math mathematics numpy pandas postgresql probability python statistics
Last synced: 27 Dec 2024
https://github.com/nafisalawalidris/tools-for-data-science
It covers popular languages (Python, R, SQL) and libraries (NumPy, Pandas) used in the field. The author shares their objectives of teaching data analysis, web development, and critical thinking skills. The repository also includes code examples, explanations of arithmetic expressions, and contact information for the author.
arithmetic-expressions data-analysis data-science data-visualization languages libraries matplotlib numpy pandas programming python r sql tools web-development
Last synced: 23 Jan 2025
https://github.com/nirmalvatsyayan/data-analyst-nanodegree
Udacity data analyst nanodegree project submissions and learning
data-analysis numpy pandas python statistics udacity-data-analyst-nanodegree
Last synced: 12 Jan 2025
https://github.com/harmanveer2546/movie-industry
Investigate the film industry to gain sufficient understanding of what attributes to success and in turn utilize this analysis to create actionable recommendations for companies to enter the industry.
business business-analytics dataanalysis datetime matplotlib numpy pandas python seaborn
Last synced: 12 Jan 2025
https://github.com/harmanveer2546/credit-card-fraud-detection
The Credit Card Fraud Detection Problem includes modeling past credit card transactions with the knowledge of the ones that turned out to be a fraud. This model is then used to identify whether a new transaction is fraudulent or not. Our aim here is to detect 100% of the fraudulent transactions while minimizing the incorrect fraud classifications.
ann catboost eda lightgbm machine-learning matplotlib neural-network numpy pandas python random-forest seaborn xgboost
Last synced: 12 Jan 2025
https://github.com/mgobeaalcoba/pandas_y_numpy
Trabajos realizados con estas librerías de Python para manejo de datos.
data-analysis data-science dataset numpy pandas python
Last synced: 20 Jan 2025
https://github.com/mgobeaalcoba/matplotlib_y_seaborn
Aquí dejaré trabajos de visualización realizados con ambas librerías de Python.
data-analysis data-science data-visualization dataset matplotlib numpy pandas python seaborn
Last synced: 20 Jan 2025
https://github.com/mgobeaalcoba/linear_algebra_for_machine_learning
Explore fundamental linear algebra concepts essential for machine learning in this repository, with code examples and explanations. Get a solid foundation for ML!
machine-learning matplotlib numpy pandas python3 scikit-learn scipy seaborn
Last synced: 20 Jan 2025
https://github.com/mgobeaalcoba/datacademy
Iré subiendo los distintos desafíos del reto de Platzi llamado Datacademy
anaconda deepnote google-colab jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 20 Jan 2025
https://github.com/carlolepelaars/skq
Scientific Toolkit for Quantum Computing
numpy python quantum quantum-computing quantum-machine-learning
Last synced: 26 Jan 2025
https://github.com/vibhuti03/movie-recommendation-system
anaconda3 jupyter jupyter-notebook matplotlib ml numpy pandas python python-3-7-2
Last synced: 12 Jan 2025
https://github.com/venky-1710/stress-level-predection
Stress Level Prediction is a web app using machine learning to estimate user stress levels. It takes inputs like anxiety, sleep quality, and academic performance, then predicts stress using a Decision Tree Classifier. Built with Python, Flask, and scikit-learn, it's useful for students, researchers, and those interested in stress management.
css flask html machine-learning numpy pandas python python-sklearn scikit-learn
Last synced: 20 Jan 2025
https://github.com/guiferviz/happyml
Machine Learning Python library for academic purposes.
deep-learning deep-neural-networks learning machine-learning machine-learning-algorithms neural-network neural-networks numpy
Last synced: 09 Feb 2025
https://github.com/anish202020/big-data-analysis-mini-project
The primary purpose of this code is to predict wind speed using an LSTM model. The model is trained on historical wind speed data to forecast future values.
keras matplotlib-pyplot numpy pandas sklearn
Last synced: 13 Jan 2025
https://github.com/ahmed-hassan-ai/nlp-sentiment-analysis
Sentiment Analysis
dropout keras lstm matplotlib numpy pandas regularization seaborn
Last synced: 13 Jan 2025
https://github.com/msadeqsirjani/machine_learning_hands_on
A comprehensive machine learning repository containing different concepts, algorithms and techniques.
cnn computer-vision data-analysis data-science data-visualization deep-learning keras machine-learning matplotlib neural-network nlp numpy open-source pandas python rnn scikit-learn seaborn tensorflow
Last synced: 09 Feb 2025
https://github.com/princeofpuppers/qbot
A Domain-Specific Programming Language for Analyzing Quantum Algorithms
esoteric-language numpy probabilistic-programming quantum-computing quantum-programming-language
Last synced: 01 Feb 2025
https://github.com/matheussc017/irisclassification_sklearn
Application of Machine Learning technique to classify 3 types of iris flower
data-science machine-learning numpy pandas python
Last synced: 13 Jan 2025
https://github.com/quentinwidlocher/cours-python-pandas
Jupyter Lab sur le traitement des données en python
jupyter-lab matplotlib numpy pandas python
Last synced: 01 Feb 2025
https://github.com/charmee123/krishak_vriddhi
https://krishak-vriddhi.onrender.com
bootstrap css flask html javascript machinelearning-python numpy pandas scikit-learn
Last synced: 26 Jan 2025
https://github.com/FredStober/cpp2numpy
cpp2numpy is a C++ library to write numpy files
Last synced: 22 Nov 2024
https://github.com/imsalmanmalik/linear-regression-model-airbnb-prices-seattle
Linear Regression Model on Airbnb prices of Seattle using Dash and Python
airbnb choropleth-map dash dataanalysis datacleaning datamanupilation datascience exploratory-data-analysis feature-engineering machine-learning matplotlib normalization numpy onehot-encoding pandas python seaborn-plots sklearn-library trainandtestsets visualization
Last synced: 05 Jan 2025
https://github.com/yash-rewalia/stock-closing-price-prediction-using-regression
The ultimate business objective is to leverage the regression model to provide accurate predictions of the closing price of AMRN stock, enabling stakeholders to make well-informed investment decisions, manage risks effectively, optimize portfolios, Early warning systems to alert any fraud cases and align investment strategies with financial goals.
datapreprocessing eda hypothesis-testing machine-learning numpy pandas python random-forest regression regression-analysis statistics
Last synced: 12 Jan 2025