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-18 00:21:39 UTC
- JSON Representation
https://github.com/moeeinaali/fop2023-python-project-sut
Fundamental of Python Programming - Fall 2023 - Instructor: Mr. Malekzadeh
data-science fundamentals-of-programming matplotlib numpy pandas python
Last synced: 18 Jan 2025
https://github.com/kevinlacaille/hs1549-hs1700-s2-protoclusters
Code used to galaxy protocluster analysis for Lacaille, K. et al., 2019, MNRAS
aplpy astronomy astrophysics astropy galaxy-clusters maps number-counts numpy python stacking star-formation statistical-analysis
Last synced: 30 Jan 2025
https://github.com/mramshaw/ml_with_missing_data
How to handle missing or incomplete data
incomplete-data machine-learning matplotlib ml numpy pandas python python3 scikit-learn seaborn sklearn
Last synced: 14 Nov 2024
https://github.com/ansub/mask-detection
A Mask Detection Application using Keras/TensorFlow and OpenCV.
keras numpy opencv python tensorflow
Last synced: 13 Feb 2025
https://github.com/petitgrizzlies/metaheuristiques
Travaux pratiques de meta heuristique. Unige 2016-2017
cffi cpp golang heuristic-algorithm matplotlib numpy python35
Last synced: 01 Jan 2025
https://github.com/mauriciovazquezm/machinelearning_course_spring2023
Machine Learning course tasks focused on the implementation of the ML algorithms using libraries such as Numpy, Pandas, etc.
machine-learning machine-learning-algorithms numpy python r-language
Last synced: 13 Jan 2025
https://github.com/theankurgoswami/study-notes
Notes of topics I study.😛
deep-learning-book linear-algebra numpy opencv pandas regular-expressions sql tensorflow
Last synced: 18 Jan 2025
https://github.com/lgeiger/mypy-einsum
MyPy Type Checking for NumPy/Jax/PyTorch Einsum Operations
deep-learning einsum jax mypy mypy-plugins numpy pytorch
Last synced: 10 Feb 2025
https://github.com/billgewrgoulas/hypothesis-testing-on-37-seasons-of-nba
First assignment for the course Data Mining @CSE.UOI
data-analysis data-science numpy scipy seaborn statistics
Last synced: 16 Jan 2025
https://github.com/ayuhamaro/py_weight_estimation
體重變化預估
matplotlib numpy pandas python3 scikit-learn scipy
Last synced: 15 Jan 2025
https://github.com/jimmymugendi/neural-network-for-binary-classification
aws neural-networks numpy pandas sagemaker tensorflow
Last synced: 16 Jan 2025
https://github.com/tansudasli/analytics-sandbox
from Statistical approach to Machine learning
feature-engineering machine-learning matplotlib numpy opencv pandas probability regex scikit-learn seaborn statistics
Last synced: 11 Jan 2025
https://github.com/fabianacampanari/practicalstats-pucsp-2024
Statistical Measures in Python - Age and Salary Analysis
excel hipoteses-tests hypothesis-testing linear-regression math matplotlib numpy pandas probabilistic-data-structures probability-distribution probability-statistics pythob3 scikit-learn scipy scipy-stats seaborn statisctics statsmodels
Last synced: 14 Dec 2024
https://github.com/salazarr-js/ds-demo-medical-cost
Demo de progreso del curso de data science en Acamica
data-science machine-learning matplotlib numpy pandas python seaborn sklearn
Last synced: 11 Jan 2025
https://github.com/khaledkamr/mastring-python
This repository covers essential Python programming topics, including basics, OOP, file handling, and database operations. It also contains mini-projects to help solidify your understanding through practical application.
database filehandling functions if-elif-else introduction-to-python list-methods loops numpy oops-in-python python recursion set-methods sqlite3 string-methods tuple-methods
Last synced: 30 Jan 2025
https://github.com/datarohit/opencv-learning
This is OpenCV Learning Repo created from the tutorial by freecodecamp on youtube. This involves dealing and processing images and videos. It also has face recognition stuff in it.
matplotlib numpy python python3
Last synced: 15 Feb 2025
https://github.com/anoopgeorge418/my-learnings
Learning Topics Related Data-Science and Web-Development From Complete Scratch.
bokeh bootstrap css folium html matplotlib numpy pandas plotly python scikit-learn seaborn
Last synced: 07 Jan 2025
https://github.com/bhavik-jikadara/house-price-prediction
House Price Prediction
data-science dataprocessing eda jupyter-notebook machine-learning matplotlib model numpy pandas python seaborn test-train-dataset
Last synced: 03 Jan 2025
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: 28 Dec 2024
https://github.com/affromero/pixelcache
A versatile image processing library for Python with built-in support for caching, using Pillow, NumPy, and PyTorch.
image-processing numpy opencv pillow pytorch torchvision
Last synced: 02 Feb 2025
https://github.com/datarohit/heart-disease-prediction
This dataset is taken from kaggle which has various feature of over 600+ humans. By using these features we have to predict if the person has a Heart Disease or not.
classification-algorithm matplotlib-pyplot numpy pandas plotly scipy seaborn
Last synced: 15 Feb 2025
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: 15 Feb 2025
https://github.com/indhra/helloworld
1.Numpy tutorial
numpy numpy-arrays numpy-tutorial python3
Last synced: 27 Jan 2025
https://github.com/kwanit1142/mask-v-s-no-mask-face-detection-models
Machine-Learning Models based Detection System for Masked v/s No-Masked Human Faces (Can be implemented on Grouped Images too)
deep-learning machine-learning matplotlib numpy opencv pandas pil scipy seaborn skimage sklearn
Last synced: 13 Jan 2025
https://github.com/nvinayvarma189/deep-learning-with-tensorflow
This repo consists all the basics of tensorflow and all major Deep Learning algorithms and techniques implemented in tensorflow. It will explain you the basics of tensorflow. You can visualize how tensors flow through a grapg while you create one
autoencoder cnn deep-learning gan matplotlib neural-network numpy pandas python3 reinforcement-learning rnn tensorflow
Last synced: 08 Feb 2025
https://github.com/dan-niles/neural-networks-from-scratch
A neural network implemented using only NumPy and Pandas for CS3631: Deep Neural Networks
Last synced: 11 Jan 2025
https://github.com/alisonmitchell/countries-of-the-world
Exploratory Data Analysis of US Government data from the World Factbook to investigate GDP ($ per capita), Literacy (%) and Phones (per 1000).
data-science machine-learning matplotlib numpy pandas python seaborn
Last synced: 15 Jan 2025
https://github.com/akansharajput280799/data-exploration-and-visualization-for-streaming-platform
Data Analysis and Visualization for streaming platform to provide insights and recommendations to improve their userbase.
data-visualization excel exploratory-data-analysis matplotlib numpy python seaborn
Last synced: 02 Feb 2025
https://github.com/aaaastark/web_scraping
Web Scraping
beautifulsoup csv matplotlib news numpy pandas pyhton python3 request requests scraper scraping web-scraping webscraping
Last synced: 15 Jan 2025
https://github.com/aaaastark/textclassification-nlp-project
Dataset preparation, Feature Engineering, Model Building, Summary Statistics, Data Exploration by Visualizations, and Save File CSV
matplotlib nltk numpy pandas python seaborn sklearn textblob wordcloud
Last synced: 15 Jan 2025
https://github.com/aaaastark/breast_cancer_analysis
Breast_Cancer_Analysis
data-science dataset machine-learning numpy pandas python sklearn tensorflow
Last synced: 15 Jan 2025
https://github.com/aaaastark/framingham_hart_study_cohort
Framingham_Hart_Study_Cohort
csv io matplotlib numpy pandas python sklearn tensorflow
Last synced: 15 Jan 2025
https://github.com/hoyirul/flask_test
This is a Python programming using flask and has been set up with the MVC concept and can connect to the database
flask mysql numpy python3 restful-api
Last synced: 15 Jan 2025
https://github.com/hoyirul/genetic-algorithm-py
The 'Genetic Algorithm Isolation Forest' app combines genetic algorithm and isolation forest for accurate anomaly detection, offering an intuitive interface for easy parameter adjustment and result visualization.
numpy pandas python3 sklean unsupervised-learning
Last synced: 15 Jan 2025
https://github.com/dzakarias/waves
Fun with the sine function inspired by Chladni plates
Last synced: 01 Feb 2025
https://github.com/gregoritsch3/project_radioactive_decay
An analytic ( system of coupled ODEs), numeric (Runge-Kutta 4, Newton-Raphson) and stochastic (Monte Carlo) treatment of the chained radioactive decay of Bi[210, 83] into Po[210,84], as well as the emission of alpha-particles. Associated comments and paper are in Croatian.
cplusplus matplotlib montecarlo-simulation numerical-methods numpy python radioactive-decay scipy
Last synced: 11 Jan 2025
https://github.com/gregoritsch3/project_python_jobs_data_analysis
A multi-library Data Analysis Python project that draws useful insights from existing job data. It provides useful exploratory insight about job postings in the Data sector, such as the distribution of remote/non-remote jobs, jobs with/without healthcare, top paying and most demanded data roles, and more.
matplotlib numpy pandas python scipy seaborn
Last synced: 11 Jan 2025
https://github.com/gregoritsch3/project_pandas_1
A Pandas exercise demonstrating the loading, cleaning and reorganization of data in .xlsx or .csv files, descriptive statistics, data visualization, statistical approximation of data with the normal distribution, etc.). Libraries include Pandas, NumPy, Scipy, SymPy, MatplotLib,
data-cleaning data-visualization descriptive-statistics matplotlib numpy pandas scipy sympy
Last synced: 12 Nov 2024
https://github.com/smit-joshi814/mlp
Machine Learning Using Python
classification decision-trees k-means-clustering knn machine-learning machine-learning-models matplotlib numpy pandas regression seaborn svm
Last synced: 15 Jan 2025
https://github.com/walkerdustin/python-linear-regression
simple linear regression in python based on coursera andrew ng course
ai linear-regression machine-learning ml numpy python
Last synced: 30 Dec 2024
https://github.com/jpcadena/ventas-facturas
Ventas con facturas
data data-analysis data-exploration data-extraction data-science excel feature-engineering matplotlib microsoft numpy pandas powerbi product-sales pylint python receipts sales
Last synced: 15 Jan 2025
https://github.com/jpcadena/pharmacy-prices-prediction
Prices prediction project for Pharmacy products.
artificial-intelligence data-analysis data-science deep-learning keras machine-learning machine-learning-models neural-network numpy pandas pharmacy prediction price-prediction pylint python scikit-learn supervised-learning tensorflow
Last synced: 15 Jan 2025
https://github.com/s-h-i-v-i-s/bangalore-housing-price-prediction
A Machine Learning Project to predict Bangalore House Prices.
jupyter-notebook machine-learning matplotlib numpy pandas python pythonflask sklearn
Last synced: 05 Jan 2025
https://github.com/sudarshanasrao/ee541-deep_learning-usc
USC graduate level Deep Learning course
cnn deep-learning mlp-networks neural-networks numpy python pytorch scipy
Last synced: 13 Jan 2025
https://github.com/parkjungyoon/til-data_study
✍ 데이터분석, 데이터베이스, 클라우드 컴퓨팅 등을 공부하고 기록하는 저장소 입니다.
crawling machine-learning monodb mysql numpy pandas python
Last synced: 22 Jan 2025
https://github.com/mariam-zaidi/lead_scoring_case_study
Leads Scoring_Logistic regression model
logistic-regression matplotlib numpy pandas seaborn sklearn
Last synced: 11 Jan 2025
https://github.com/dwija12903/mentorness-internship
Developed and applied technical skills in areas such as programming languages, data analysis, and machine learning methodologies.
matplotlib numpy pandas python scikit-learn
Last synced: 08 Jan 2025
https://github.com/ishinzoo/songrecommendation
This project is a machine learning-based system that recommends songs based on the user's detected emotions. The application uses facial expression recognition to determine the user's current emotional state and suggests songs that align with that emotion. This system can be particularly useful for personalized music streaming services, helping use
machine-learning mediapipe numpy opencv os python tenserflow
Last synced: 12 Feb 2025
https://github.com/chandkund/predicting-heart-disease
Welcome to the Heart Disease Prediction project! 🩺 This project focuses on developing a predictive model to assess heart disease risk based on health indicators like age, cholesterol levels, and blood pressure. By analyzing these features, we aim to create an effective tool for early diagnosis and heart disease prevention
machine-learning matplotlib numpy pandas python seaborn sklearn
Last synced: 12 Feb 2025
https://github.com/rohansahu15/stackoverflow-hashtag-generator
ai machine-learning nlp numpy pandas
Last synced: 12 Feb 2025
https://github.com/alexsolov28/vkrb
Выпускная квалификационная работа бакалавра «Система анализа алгоритмов машинного обучения для решения задач классификации с использованием Pandas»
jupyter-notebook matplotlib numpy pandas python scikitlearn seaborn streamlit
Last synced: 12 Feb 2025
https://github.com/tnel7/data-science-yandex-practicum
Проекты из Яндекс Практикума "Специалист по Data Science"
data-science machine-learning nlp-machine-learning numpy pandas seaborn sklearn
Last synced: 12 Feb 2025
https://github.com/niel0503/probabilidade-e-amostragem
Desafio desarrollado para el bootcamp de WoMakersCode
estadistica matplotlib numpy pandas stats
Last synced: 12 Feb 2025
https://github.com/piyushxbhardwaj/credit-card-fraud-detection
In this project, we focus on developing a machine learning model to detect fraudulent transactions within credit card data. Credit card fraud poses a significant challenge to financial institutions and consumers globally, with traditional rule-based detection systems often struggling to adapt to new fraud tactics.
matplotlib numpy pandas python scikit-image seaborn
Last synced: 12 Feb 2025
https://github.com/trups39/nyc-green-taxi-trip-analysis
Analyze NYC Green Taxi data, predicting fares and optimizing pickup locations using Regression models uncover travel patterns.
numpy pandas predictive-modeling python3 regression-models skit
Last synced: 12 Feb 2025
https://github.com/relative-log31/sync-audio-and-video
A program that synchronizes video and audio.
librosa numpy pyqt pyqt6 python python-app python-script python3
Last synced: 12 Feb 2025
https://github.com/lewis-morris/image_augment
Image augmentation for CNN's. Aiming to increase generalization.
augmentation image numpy python
Last synced: 12 Feb 2025
https://github.com/davityak03/object-detection-in-images-using-yolo
This project demonstrates object detection using the YOLO (You Only Look Once) model, providing a solution for detecting and labeling multiple objects within images or video streams. This implementation covers image preprocessing, model inference, and visualization of detected objects.
computer-vision matplotlib-pyplot numpy object-detection opencv-python pandas python yolo
Last synced: 12 Feb 2025
https://github.com/mehediehteshum/minesweeper
Building classic 'Minesweeper' game from scratch using Pygame with VS Code.
Last synced: 17 Jan 2025
https://github.com/s-hirata0831/graphicsprocessing
Pythonによる画像処理基礎実験(with OpenCV)
Last synced: 22 Jan 2025
https://github.com/djdhairya/car-accident-detection
csv cv2 geocoder geolocation keras math matplotlib numpy opencv pandas scikit-learn system tiwilo transformer
Last synced: 08 Jan 2025
https://github.com/guybanbo/qr-algorithm
QR alogrithm for finding eigenvalues and eigenvectors of a large symmetric matrix
haskell hmatrix numpy optimization python qr-algorithm symmetric-matrix
Last synced: 12 Feb 2025
https://github.com/shahaba83/analysis-of-chocolate-companies
This project is more like an educational project in the field of data science
Last synced: 12 Feb 2025
https://github.com/tapas-gope/telecommunication-customer-churn
This project involves predicting customer churn in a telecommunications company using machine learning techniques, exploring various features' impact, optimizing models, and identifying key factors influencing churn.
feature-engineering matplotlib-pyplot model-evaluation-and-validation numpy pandas python scikit-learn
Last synced: 12 Feb 2025
https://github.com/polyee99/kaggle-titanic-data-analytics
Jupiter notebook to predict the outcome of passengers who died or not in the tragical Titanic event.
data eda jupiter-notebook matplotlib numpy pandas python regression-analysis test-train-split visualization
Last synced: 12 Feb 2025
https://github.com/mashalk1/computer-vision-attendance-system
A computer vision based attendance system, using cv2, firebase, numpy, cvzone and face_recognition library in python
computer-vision cv2 cvzone face-recognition numpy
Last synced: 12 Feb 2025
https://github.com/smahala02/materials-science-introduction
Introduction to Materials Science concepts using Python for array manipulation and visualization with NumPy and Matplotlib.
data-visualization materials-science matplotlib numpy python scientific-computing
Last synced: 12 Feb 2025
https://github.com/anuuragg/numpyneuralnet
machine-learning matplotlib neural-network numpy pandas
Last synced: 12 Feb 2025
https://github.com/sridharyadav07/machine-learning-project-bankruptcy-prevention-
The project explores multiple machine learning algorithms and evaluates their performance using various metrics, such as accuracy and confusion matrices. The models tested include Logistic Regression, K-Nearest Neighbors (KNN), Naive Bayes, and Support Vector Machine (SVM). In addition, regularization techniques (L1, L2) are used to avoid overfit.
data-preprocessing evaluation machine-learning-models matplotlib-pyplot modelbuilding modeldeployment numpy pandas python scikit-learn seaborn
Last synced: 17 Feb 2025
https://github.com/shivammg/coursera-ml-numpy
Coursera Machine Learning course done using Python, NumPy, and Seaborn
machine-learning numpy python seaborn
Last synced: 28 Jan 2025
https://github.com/sanjanahombal/sentiment-analysis-using-neural-networks
This project explores sentiment analysis using neural networks
convolutional-neural-networks countvectorizer deep-learning keras matplotlib neural-network numpy python tensorflow tfidf-vectorizer
Last synced: 31 Oct 2024
https://github.com/mikma03/datascience_python_datacamp
DataScience with Python. Code and examples. Python libraries, including pandas, NumPy, Matplotlib, and many more.
data-analysis data-science datacamp datascience numpy pandas python
Last synced: 09 Jan 2025
https://github.com/f-ssemwanga/handwriting_cnn
Handwritting Recongnition CNN
cnn-keras computer-vision machine-learning matplotlib-pyplot numpy python
Last synced: 12 Jan 2025
https://github.com/riju18/from-data-production-to-client-handover
The common tedious problem is to build a data app to demonstrate the data analysis & analytics along with Machine Learning to a client. It was an attempt to do it on small scale in the most powerful & simplest way.
machine-learning matplotlib numpy pandas plotly python seaborn streamlit
Last synced: 28 Jan 2025
https://github.com/surayasumona/ford_used_car_analysis
Explanatory Data Analysis with Python
data-science data-visualization matplotlib numpy pandas python seaborn
Last synced: 24 Jan 2025
https://github.com/tnleite/credit-card-customer-clustering
Este repositório apresenta um projeto de segmentação e predição de clientes de cartões de crédito. Utilizando EDA, clusterização (K-Means) e machine learning, o objetivo é prever o grupo de novos clientes, apoiando estratégias de marketing personalizadas.
classification-algorithm clustering-algorithm clustering-analysis data-science exploratory-data-analysis kmeans-clustering logistic-regression machine-learning-algorithms machine-learning-models matplotlib numpy scikit-learn seaborn
Last synced: 04 Feb 2025
https://github.com/al-ghaly/global-warming-analysis
Analyze the effect of global warming on the average temperature of some of USA states.
matplotlib-pyplot numpy python python-visualization
Last synced: 22 Jan 2025
https://github.com/udacity-machinelearning-internship/support-vector-machine
Implementing SVM's using pandas and sklearn in python
numpy pandas sklearn support-vector-machines svm
Last synced: 24 Jan 2025
https://github.com/abhirajp595/python
Data Science Project using Python
data-analysis data-science data-visualization eda jyputer-notebook numpy pandas statistics
Last synced: 16 Jan 2025
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: 16 Jan 2025
https://github.com/matbesancon/kaggle-digit-recognizer
Some tests with the Kaggle Digit Recognition challenge
image-processing kaggle kaggle-digit-recognizer machine-learning mnist-dataset numpy pandas python scikit-image scikit-learn
Last synced: 22 Jan 2025
https://github.com/jbayardo/dip-tps
coursework image-processing introduction jupyter-notebook matplotlib notebook numpy python scikit-image scipy
Last synced: 02 Feb 2025
https://github.com/binakot/python3-course
course data-science learning matplotlib numpy pandas python
Last synced: 16 Jan 2025
https://github.com/anmolbansal7/lost-and-found
Content-Based Image Retrieval
content-based-image-retrieval flask keras-tensorflow matplotlib numpy pillow similarity-measures webapp
Last synced: 28 Jan 2025
https://github.com/jbayardo/dip-tp2
compression image-processing jpeg numpy python scikit-image
Last synced: 02 Feb 2025
https://github.com/mark1708/neurointerfaces-of-information-systems
Laboratory work on the discipline "Neurointerfaces of information systems"
numpy pandas python scikit-learn
Last synced: 12 Jan 2025
https://github.com/cyb3r-jak3/docker-alpine-pandas
Python alpine image with pandas, and numpy installed
alpine-image numpy pandas-python python-alpine
Last synced: 16 Jan 2025
https://github.com/maheera421/supervised-machine-learning
Implementation of necessary supervised machine learning algorithms for regression and classification.
classification classification-models cost-function feature-engineering feature-scaling gradient-descent linear-function linear-regression logistic-loss logistic-regression machine-learning matplotlib numpy regression-models regularization-to-avoid-overfitting scikit-learn sigmoid-function squared-error-cost-function vectorization
Last synced: 20 Jan 2025
https://github.com/labex-labs/numpy-practice-labs
[NumPy Practice Labs] This repository collects 69 of programming scenarios (labs and challenges) for NumPy Practice Labs. This course contains lots of labs for NumPy, each lab is a small NumPy project with detailed guidance and solutions. You can practice your NumPy skills by completing these lab...
awesome awesome-list challenges course education hands-on labex labs numpy programming
Last synced: 13 Nov 2024
https://github.com/labex-labs/numpy-practice-challenges
[NumPy Practice Challenges] This repository collects 9 of programming scenarios (labs and challenges) for NumPy Practice Challenges. This course contains lots of challenges for NumPy, each challenge is a small NumPy project with detailed instructions and solutions. You can practice your NumPy ski...
awesome awesome-list challenges course education hands-on labex labs numpy programming
Last synced: 13 Nov 2024
https://github.com/labex-labs/quick-start-with-numpy
[Quick Start with NumPy] This repository collects 15 of programming scenarios (labs and challenges) for Quick Start with NumPy. This course will teach you the fundamentals of NumPy, a library that supports many mathematical operations.
awesome awesome-list challenges course education hands-on labex labs numpy programming python
Last synced: 13 Nov 2024
https://github.com/sejalmankar1012/customer_churn
The goal of this project was to develop a machine learning model that predicts customer churn based on historical customer data.
dataset deep-learning deployment machine-learning model-building modeling numpy optimization pandas seaborn streamlit tensorflow
Last synced: 26 Jan 2025
https://github.com/jimmymugendi/bulding-a-decision-tree-to-predict-customer-churn
This repo desribes bulding a decision tree to predict customer churn in a given organisation
accuracy-score decision-tree-classifier matplotlib-pyplot numpy pandas-dataframe scikit-learn
Last synced: 16 Jan 2025