Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
NumPy
data:image/s3,"s3://crabby-images/51f91/51f91a3d098b2ba2ebbc4532f8d5642652962247" alt=""
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-20 00:20:52 UTC
- JSON Representation
https://github.com/aarryasutar/credit_eda
This project focuses on cleaning and analyzing a loan application dataset to gain insights into the factors influencing loan defaults. Through systematic data cleaning, visualization, and merging with previous application data, it provides a robust foundation for further predictive modeling.
binning boxplot correlation-matrix data-cleaning data-splitting dataframe feature-engineering heatmap jupyter-notebook matplotlib numpy pandas python scikit-learn seaborn
Last synced: 12 Jan 2025
https://github.com/rishraks/color-object-detection
This project enables real-time detection of user-defined color objects using a webcam. Users enter a color name, and the program identifies objects matching that color by converting it to its HSV range, applying a mask, and detecting contours. It's a practical tool for object tracking, sorting, and interactive applications.
computer-vision numpy opencv pillow-library
Last synced: 14 Feb 2025
https://github.com/rishraks/handsign-ai
HandSign AI is a gesture recognition project using Mediapipe to detect custom hand signs like fist, palm, and V-sign. It automates tasks such as starting/stopping video recording and capturing screenshots, showcasing intuitive, touch-free interactions for various applications like smart devices and accessibility.
mediapipe ml numpy opencv python
Last synced: 14 Feb 2025
https://github.com/py-mp3/boston-comparing-regression-modules
A ipynb file that compares different regression modules in the sk.learnit library.
ipython-notebook numpy pandas python regression-models seaborn sklearn
Last synced: 12 Jan 2025
https://github.com/vtramo/neural-networks-experiments-from-scratch
The objective of this repository is to provide a learning and experimentation environment to better understand the details and fundamental concepts of neural networks by building neural networks from scratch.
activation-functions backpropagation batch-learning classification-problem early-stopping gradient-based-algorithm improved-resilient-backpropagation irprop kfold-cross-validation minibatch momentum neural-network numpy online-learning python python3 resilient-backpropagation rprop softmax stochastic-gradient-descent
Last synced: 18 Jan 2025
https://github.com/vijaykumar1303/facial-emotion-recognition-system
Facial_Emotion_Recognition_System
cnn-classification git hyperparameter-tuning jupiter-notebook keras-tensorflow machine-learning numpy opencv pandas python sckiit-learn slack sql tenserflow-image-classifier
Last synced: 18 Jan 2025
https://github.com/fiercex/toynn
Python实现神经网络
mnist-classification neural-network numpy python
Last synced: 12 Jan 2025
https://github.com/hayatiyrtgl/data_analysis_project
Financial data analysis: preprocess, visualize, calculate technical indicators.
data-analysis data-analysis-python data-science dataframe numpy pandas python python3 stock-price-prediction talib trade-analysis
Last synced: 14 Feb 2025
https://github.com/programmer-rd-ai/dimensionality-reduction
DimRed is a comprehensive Python toolkit for advanced dimensionality reduction, integrating with major machine learning libraries and featuring real-time performance monitoring to enhance data analysis and model efficiency.
analytics data-analysis data-science lightgbm machine-learning matplotlib numpy pandas programming python python3 sklearn university xgboost
Last synced: 12 Jan 2025
https://github.com/aniketmondal/da_youtube_popular_videos
Analysis of current most popular YouTube videos. Contains real-life data collection using API, storing data in Cloud database, analysis of various data types in Pandas, and creating visualizations using Seaborn, Matplotlib.
cloud-database compute-engine data-cleaning data-science data-wrangling datetime-library google-cloud-platform ipython-notebook matplotlib numpy pandas pgadmin4 postgresql psycopg2 python python-dotenv seaborn virtual-machine youtube-api-v3
Last synced: 12 Jan 2025
https://github.com/sharan-vj/python_for_datascience
Resources for revising basic concepts in Numpy, Pandas, Matplotlib, and Seaborn. along with SQL Database.
matplotlib numpy pandas seaborn sql
Last synced: 12 Jan 2025
https://github.com/yashuv/numpy-for-data-science
A well structured practical deep dive into functional programming in NumPy.
Last synced: 12 Jan 2025
https://github.com/yannbouyeron/genopy
Analyses génétiques et phylogénétiques pour les SVT
biopython genetique lycee numpy pandas phylogenie svt
Last synced: 12 Jan 2025
https://github.com/yash-rewalia/airline-passeneger-recommendations-classification
The primary objective is to deploy a robust classifier model that accurately predicts user recommendations, empowering airlines to strategize effectively, understand user behavior, optimize services, and align business strategies with financial objectives.
decsion-tree hypothesis-testing knn machine-learning numpy pandas python random-forest-classifier svm-classifier
Last synced: 12 Jan 2025
https://github.com/furkankayar/hybridneuralnet
Decision tree powered artificial neural network library.
cpp decision-tree neural-network numpy pybind11 python3
Last synced: 12 Jan 2025
https://github.com/szilagyipeter99/imageprocessing
This repository contains the examples discussed in the Image processing practices.
classification image-processing machine-learning matplotlib numpy pillow python segmentation
Last synced: 24 Jan 2025
https://github.com/amir78729/signals-and-systems
The Implementation section of the "Signals and Systems" course
convolution fft fourier-transform numpy python scipy signals signals-and-systems
Last synced: 18 Jan 2025
https://github.com/amir78729/numpy-image-manipulation
Linear Algebra course - Final Project
Last synced: 18 Jan 2025
https://github.com/sushantdhumak/dinosaurus_island_character
Coursera - RNN Programming Assignment: In this project, we are in charge of a special task: Leading biology researchers are creating new breeds of dinosaurs and bringing them to life on earth, and our job is to give names to these dinosaurs. If a dinosaur does not like its name, it might go berserk, so choose wisely!
gradient-clipping gradient-descent numpy preprocessing rnn sampling
Last synced: 30 Jan 2025
https://github.com/mamtapanda088/uber-data-analysis
Uber data analysis involves studying trip trends, peak hours, popular locations, fare patterns, and visualizing insights using Python.
jupyter-notebook matplotlib numpy pandas python3 seaborn
Last synced: 30 Jan 2025
https://github.com/akashash01/logistic-regresion
This is an contrast of linear regression model, used to examine the association between the independent variable(category or contineous) with dependent variable(binary), which is an discrete outcome.
auc-roc-curve classification confusion-matrix data-science kolmogorov-smirnov machine-learning nonlinear-regression numpy pandas python supervised-learning vif woe-and-iv
Last synced: 07 Feb 2025
https://github.com/akashash01/akash_linear-regression
This is an linear approach machine learning model used to predict the values of variable(dependent) based on other variables(independent).
anova-test autocorrelation data-science heteroscedasticity linear-regression machine-learning mape multicollinearity numpy pandas python supervised-learning
Last synced: 07 Feb 2025
https://github.com/antoniotejada/imageviewer
Simple but featured image viewer, designed for speed when browsing network drives and on low power computers like Raspberry Pi 2
image-processing image-processing-python image-viewer image-viewing imageviewer irfanview linux linux-app lxde numpy pyqt pyqt5 python python2 python27 qt qt5 raspberry-pi raspbian windows
Last synced: 20 Jan 2025
https://github.com/rishabhmathur06/imagecompressor-using-cnn
cnn computer machine-learning numpy tensorflow
Last synced: 19 Jan 2025
https://github.com/kaushikrohida/leetcode-premium
mysql numpy pandas pandas-dataframe postgresql python3
Last synced: 19 Jan 2025
https://github.com/ewertondrigues02/dados-do-covid-19
Análise exploratória dos dados do COVID-19 / de 22 de Janeiro de 2020 a 27 de Julho de 2020 em 188 países análise feita com as ferramentas como: jupyter Notebook, Google Colab, Excel, Power BI e bibliotecas: Pandas, Matplotlib, Numpy.
analise-exploratoria colab covid-19 covid19 dataframe folium folium-maps folium-python google-colab jupyter jupyter-notebook numpy pandas python3
Last synced: 19 Jan 2025
https://github.com/frknbm/python
data-science data-structures numpy pandas pycharm python
Last synced: 19 Jan 2025
https://github.com/aisurjyasamantaray/customer-purchase-analysis
This project involves an in-depth analysis of customer purchasing behavior and sales performance to drive business insights and strategies.
customer-purchasing customer-segmentation data-visualization dataanalysis dataanalysis-projects marketing-insights matplotlib numpy pandas python revenue-and-performance-analysis seaborn-plots
Last synced: 19 Jan 2025
https://github.com/ankushmallick1100/task-2-the-sparks-foundation-data-science-and-business-analytics-internship
Task 02: Clustering using Unsupervised Machine Learning
clustering data-science internship internship-task jupyter k-means k-means-clustering machine-learning machine-learning-algorithms matplotlib numpy pandas python python3 sklearn thesparksfoundation thesparksfoundationinternship tsf unsupervised-learning unsupervised-machine-learning
Last synced: 19 Jan 2025
https://github.com/ankushmallick1100/task-1-the-sparks-foundation-data-science-and-business-analytics-internship
Task 01: Predict the percentage of an student based on no of study hours with Supervised Machine Learning
data-science internship-task intership jupyter jupyter-notebook linear-regression machine-learning machine-learning-algorithms matplotlib numpy pandas python python3 supervised-learning supervised-machine-learning thesparksfoundation thesparksfoundationinternship tsf
Last synced: 19 Jan 2025
https://github.com/ankushmallick1100/diabetes-prediction-using-maching-learning
This is a machine learning project that uses various machine learning algorithms to predict whether a patient is diabetic or not. Here various machine learning algorithms like SVM, RF Classifier, DT Classifier, KNN, LR , LRwith CV, NB Classifier, and XGB are used. For this work, a website is made with Python Streamlit library. Paper is ongoing.
classification cross-validation decision-tree-classifier diabetes diabetes-prediction jupyter jupyter-notebook logistic-regression machine-learning machine-learning-algorithms numpy pandas python random-forest random-forest-classifier regression streamlit support-vector-machine xgboost xgboost-classifier
Last synced: 19 Jan 2025
https://github.com/duartegalvao/smart-bottle
Project for the ID2012 course on KTH.
django django-rest-framework internet-of-things jupyter jupyter-notebook numpy python python3 ubiquitous-computing
Last synced: 19 Jan 2025
https://github.com/pfischer1687/ms-thesis
Computational Physics MS Thesis
ipython jupyter-notebook latex markov-chain matplotlib metropolis-hastings monte-carlo numpy pandas pdftex physics python scipy sympy
Last synced: 19 Jan 2025
https://github.com/statute8234/laser-strategy
Rating: (8/10): Is an interactive graphical simulation using Pygame library, featuring laser and detector dynamics. It includes pathfinding, collision detection, and dynamic object interactions. The game allows dragging, checking for collisions, and updating object states.
math numpy pygame random sys time
Last synced: 19 Jan 2025
https://github.com/zainashrafofficial/ml_project_2024
A machine learning semester project of university, implementing classification and regression models to predict house prices & number of rooms using a dataset with over 160,000 entries.
ai ann artificial-neural-networks classification decision-trees jupyter-notebook linear-regression logistic-regression matplotlib ml numpy pandas python random-forest regression-models svm tensorflow
Last synced: 31 Jan 2025
https://github.com/nishumehta/netflix-data-analytics
Netflix Data: Cleaning, Analysis and Visualization
jupyter-notebook matplotlib-pyplot numpy pandas python python3 seaborn vscode
Last synced: 31 Jan 2025
https://github.com/jmcheon/python_piscine
This is Python Piscine(Bootcamp) at Ecole 42
bootcamp matplotlib numpy pandas piscine python3 seaborn
Last synced: 19 Jan 2025
https://github.com/martincastroalvarez/python-recommender-systems
Recommender systems with numpy.
clustering condorcet-voting numpy recommender-system
Last synced: 14 Feb 2025
https://github.com/martincastroalvarez/python-deep-learning-algorithms
Combinatorics implemented with numpy, matplotlib and scipy.
algebra combinatorics matplotlib numpy python scipy
Last synced: 14 Feb 2025
https://github.com/raghul-m/data-analysis-with-jupyternotebook-python
This repository consists of notebooks where I learned the basics of getting started with data analysis using Python libraries
beautifulsoup4 data-analysis-python eda jupyter-notebook matplotlib-python numpy pandas-python regular-expression seaborn-python webscraping
Last synced: 19 Jan 2025
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: 07 Feb 2025
https://github.com/udacity-machinelearning-internship/finding_donors
First stage project at Udacity on the 'Intro to Machine Learning with TensorFlow' program using sckit-learn in python
csv machine-learning matplotlib numpy pandas python sckiit-learn seaborn sklearn udacity udacity-nanodegree
Last synced: 24 Jan 2025
https://github.com/thamirisq/data_analysis_culinary_journey
Project to analyze key information from Culinary Jorney, a marketplace Company, and develop an initial strategy to lead the entire team effectively.
folium-maps groupby-method jupyter-notebook markercluster marketplace-ds matplotlib-pyplot numpy pandas pandas-dataframe streamlit
Last synced: 24 Jan 2025
https://github.com/kumartusha/data_scientist-ai-ml-_training_anudip_foundation
Anudip Foundation Data Analytics Training 📊 A repository containing projects, assignments, and coursework from the Anudip Foundation Data Analytics training program. This includes work on: 🧹 Data Cleaning & Preprocessing 📉 Data Visualization & EDA 📊 Statistical Analysis
excel matplotlib numpy pandas powerbi python scipy sql
Last synced: 24 Jan 2025
https://github.com/dulajkavinda/live-sketching
✍️ Converting live video stream from webcam into a sketch using OpenVC and Keras
added image-filtering keras machinelearning matplotlib numpy opencv python
Last synced: 07 Feb 2025
https://github.com/muhammad-fiaz/gpt
A simple implementation based on the "Attention is All You Need" paper, using GPT-2 for text generation.
attention-is-all-you-need gpt gpt-2 gpt-3 gpt-implementation gpt-using-pytorch gpt2 numpy open-source paper-implementations python pytorch pytorch-implementation
Last synced: 07 Feb 2025
https://github.com/eljandoubi/landmark-classification-tagging-for-social-media
a CNN-powered app to automatically predict the location of the image based on any landmarks depicted in the image.
cnn-classification numpy pytest pytorch transfer-learning
Last synced: 24 Jan 2025
https://github.com/eljandoubi/huggingface_image_classifier
Fine-tune the Vision Transformer (ViT) using LoRA and Optuna for hyperparameter search.
huggingface-datasets huggingface-optuna huggingface-peft huggingface-transformers hyperparameter-optimization image-classification numpy pytorch visual-transformer
Last synced: 24 Jan 2025
https://github.com/saif-gitreps/car-price-prediction-model
ML model that predicts car price based on different car features. (in dev..)
data-preprocessing data-visualization matplotlib numpy pandas python seaborn
Last synced: 07 Feb 2025
https://github.com/gourab-sinha/machine_learning
This repository consists of Machine Learning Concepts and Projects.
classification machine-learning neural-network numpy pandas sklearn-library
Last synced: 25 Jan 2025
https://github.com/gourab-sinha/instabot
This project is all about web scraping using Selenium, BeatifulSoup and Python Packages.
beautifulsoup matplotlib numpy pandas python3 selenium-python
Last synced: 25 Jan 2025
https://github.com/rhazra-003/sketcher
A simple python code to make sketch out of any given photo using opencv and numpy
Last synced: 25 Jan 2025
https://github.com/rhazra-003/footballer_dashboard
A footballer dashboard made with matplotlib using data from Fbref and Understat
beautifulsoup4 matplotlib-pyplot numpy pandas websocket
Last synced: 25 Jan 2025
https://github.com/sumitgirwal/drinks-dataset-data-analysis
A drinks dataset from Kaggle. Applying analysis using Python, NumPy, Pandas, Matplotlib.
dataanalysis drinks-dataset kaggle matplotlib numpy pandas python3
Last synced: 25 Jan 2025
https://github.com/sumitgirwal/diabetes-linear-regression-ml
This is a simple diabetes checker machine learning test model, build with linear regression in Python , Matplotlib, NumPy, and sklearn. Diabetes is built in a dataset within the sklearn library. Where first you train the model then you apply a test to see how the output/result is approximate/good or change something in the model.
linear-regression matplotlib numpy python3 sklearn
Last synced: 25 Jan 2025
https://github.com/sultanazhari/analyze-client-behavior
Megaline Telecomunication Company want to know how their customer habbits in using their services. As a data Analyst we're provided Customer Habbits and suggest to determine the options that need to be taken
matplotlib-pyplot numpy python3 scipy seaborn telecommunications
Last synced: 25 Jan 2025
https://github.com/shanmukhsrisaivedullapalli/automatic-ticket-classification
This project processes customer complaint data using pandas for data manipulation and applies text preprocessing techniques, including lemmatization, to clean and normalize complaint text. The `tqdm` library provides progress bars for efficient tracking of text processing tasks.
matplotlib neural-networks nlp numpy pandas python3 scikit-learn seaborn tensorflow tqdm wordcloud
Last synced: 25 Jan 2025
https://github.com/lunastev/flowmodel
FlowModel is a lightweight and extensible machine learning framework designed for beginners to easily experiment with AI development through a modular plugin architecture.
ai ai-model ai-models beginner-friendly flow-model flow-models flowmodel framework lightweight machine-learning model numpy plugin-architecture python torch torchvision
Last synced: 25 Jan 2025
https://github.com/mhmudfzli/exploring-mental-health-data
This project demonstrates a comprehensive approach to solving a regression problem using various machine learning models. The notebook includes: Data Preprocessing, Exploratory Data Analysis (EDA), Model Training, Hyperparameter Tuning, Model Evaluation, Feature Importance
catboost lightgbm matplotlib numpy pandas scikit-learn seaborn xgboost
Last synced: 25 Jan 2025
https://github.com/srujayreddy/selling-laptops
Predicting whether users will click on a promotional email for laptops based on historical user data and browsing logs.
customer-behavior-analysis feature-engineering logistic-regression machine-learning marketing-analytics numpy pandas predictive-modeling scikit-learn
Last synced: 25 Jan 2025
https://github.com/sentifyy/pdfreader
Ready to use Python application/file for parsing a specific format of pdf form, and storing relevant user data in a tabular format in excel sheet
excel forms matplotlib numpy ocr opencv-python pandas pdf pdf-converter pdfplumber pytesseract python
Last synced: 25 Jan 2025
https://github.com/qua77i20/ai2
A simple single-layer neural network (perceptron) built in Python. Demonstrates backpropagation training from scratch for beginners.
ai backpropagation data-science deep-learning machine-learning neural-network numpy perceptron python
Last synced: 25 Jan 2025
https://github.com/cedricstrolz/digitalisierung-statistik-ws24
matplotlib numpy pandas python statistics
Last synced: 25 Jan 2025
https://github.com/rasbeetech/loan-calculator
Tkinter framework application
matplotlib numpy python tkinter
Last synced: 25 Jan 2025
https://github.com/mrhashemi/optimizers
Python implemntation of Conjugate Gradient method and Adam, and Broyden–Fletcher–Goldfarb–Shanno (BFGS) optimizers from scratch.
adam-optimizer bfgs conjugate-gradient numpy optimizer scipy
Last synced: 25 Jan 2025
https://github.com/luizcalaca/deep-learning
Códigos de Machine e Deep Learning
azure colab-notebook colaboratory convolutional-neural-networks deep-learning hog-features-extraction knn-classification neural-network notebooks numpy perceptron python rnn sklearn tensorflow
Last synced: 25 Jan 2025
https://github.com/yanboishere/okx.api-trade.with-supertrend.parameter
OKX API to confirm the process of appearance and disappearance of upper or lower limit lines for the super trend parameters in crypto trading pairs in TraderView, and perform multiple buying and selling transactions based on this parameter index.|对于crypto交易对中 TraderView中的超级趋势参数 出现以及消失上限线或下限线前后过程进行确认 从而根据该参数指标的出现 进行多次合约做多&做空 开仓买卖 (使用OKX api)
bitcoin blockchain bot btc crypto cryptocurrency cryptography numpy okx okx-api okx-sdk okx-v5 python talib trade trade-bot tradebot
Last synced: 07 Feb 2025
https://github.com/h3ar7b3a7/exploringjupyterlab
This is just an exploration in using Jupyter Lab, Notebook and some useful Python libraries. Some basic commands, markups and extensions setup are documented here too.
bokeh extensions jupyterlab matplotlib notebook-jupyter numpy pandas
Last synced: 25 Jan 2025
https://github.com/uea-geral/rna-perceptron-exercise
🤖Disciplina de RNA: treinamento de um neurônio Perceptron.
jupyter-notebook neural-network numpy perceptron python scikit-learn
Last synced: 25 Jan 2025
https://github.com/neerajcodes888/diwali-sales-analysis
An open-source repository for sales data analysis. Dive into insightful trends, metrics, and visualizations to empower data-driven decision-making. Ideal for data analysts, business professionals, and enthusiasts seeking comprehensive sales insights. Clone, customize, and contribute to enhance your sales analytics journey.
data-science-projects data-visualization numpy pandas-dataframe python3 sales-analysis seaborn-plots
Last synced: 31 Jan 2025
https://github.com/iv4n-ga6l/openpose-prediction
Person's body parts or joint position detection using openCV
detection numpy opencv prediction prediction-model python
Last synced: 31 Jan 2025
https://github.com/juzershakir/iris_flower
Implementing all ML models and feature selection techniques that can be used.
classification feature-selection iris-dataset iris-flower-classification jupyterlab lightgbm machine-learning matplotlib numpy pandas practice python3 seaborn sklearn supervised-learning xgboost
Last synced: 07 Feb 2025
https://github.com/otakmager/projectml-clusteringweb
This repo is the result of a project assignment for a machine learning course at my university which was assisted by other group members. This project is to create a website that can cluster from the models that have been made. This model was created using the KMeans algorithm with 3 clusters that were trained with the seed dataset
bahasa-indonesia clustering-algorithm flask jupyter-notebook kmeans-clustering numpy pandas pickle python scikit-learn seed-dataset
Last synced: 31 Jan 2025
https://github.com/katerynazakharova/deep-learning-and-neural-networks
Examples of NN models. DL algorithms
deep-learning dl h5py matplotlib neural-network neural-networks nn numpy pli scipy
Last synced: 31 Jan 2025
https://github.com/katerynazakharova/olive-separation
CV
cv2 image-classification numpy opencv python3
Last synced: 31 Jan 2025
https://github.com/takana671/photoeditor
Python image processing tool
canvas composite dialog-box drag images-dragged numpy opencv photoeditor pillow pixel tkdnd tkinter tkinter-canvas tkinter-python tkinterdnd tkinterdnd2
Last synced: 31 Jan 2025
https://github.com/mihirh19/python
a repository for collaborative development and version control using Git that houses Python code files, documentation, tests, and other project-related files.
algorithms data-structures django fastapi flask machine-learning numpy pandas python
Last synced: 07 Feb 2025
https://github.com/mihirh19/analyzing-crimes-in-la
This GitHub repository contains a comprehensive analysis of crime data in Los Angeles. Leveraging a variety of data sources, tools, and techniques, we have explored patterns, trends, and insights related to criminal activities within the city. Our analysis includes data visualization crime dynamics in different neighborhoods and over time.
dataset machine-learning matplotlib numpy pandas seaborn
Last synced: 07 Feb 2025
https://github.com/ahsan-83/machine-learning-specialization-coursera
Machine Learning Specialization course offered by DeepLearning.AI on Coursera
andrew-ng-machine-learning classification coursera linear-regression logistic-regression machine-learning machine-learning-algorithms machine-learning-coursera machine-learning-models mathematical-modelling mathematical-optimization numpy pandas python-programming regularization scikit-learn tensorflow
Last synced: 01 Feb 2025
https://github.com/sergio11/breast_cancer_diagnosis_mlp
🩺🔬 MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. 📊🤖
deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify
Last synced: 07 Feb 2025
https://github.com/bhargav-joshi/img-caption-generator
Automatically creating the description or caption of an image using any natural language sentences is a very challenging task. It requires both methods from computer vision to understand the content of the image and a language model from the field of natural language processing to turn the understanding of the image into words in the right order. In addition to that we have discussed how this model can be implemented on web and will be accessible for end user as well.
flask jupyter-notebook keras machine-learning nlp nltk numpy pandas python tensorflow
Last synced: 14 Feb 2025
https://github.com/dinhphongne/hyperion_sort
lz4 numba numpy pandas-python python python3 scipy sorting-algorithms tensorflow
Last synced: 01 Feb 2025
https://github.com/akash-rajak/image-resizer
Python Script to resize image to any dimension.
cv2 gui image-resizer numpy os python3 random resizeimage tkinter
Last synced: 01 Feb 2025
https://github.com/rekha0suthar/e-commerce-shopper-s-behaviour-understanding
Understand the online shopper purchasing pattern through Machine learning
data-analysis data-preprocessing data-visualization logistic-regression machine-learning numpy pandas python3 scikit-learn seaborn-plots
Last synced: 01 Feb 2025
https://github.com/spandey1296/internship_banking_ml_project
Machine Learning (Training + Internship) by InternshipStdio
decision-tree-classifier machine-learning-algorithms matplotlib-pyplot naive-bayes-classifier numpy pandas-dataframe regression-algorithms seaborn-plots sklearn-library supervised-learning
Last synced: 01 Feb 2025
https://github.com/lironmiz/machine-learning-specialization-course
Master fundamental AI concepts and develop practical machine learning skills in the beginner-friendly, 3-course program by AI visionary Andrew Ng
artificial-neural-networks clustering coursera decision-trees deep-reinforcement-learning gradient-descent linear-regression logistic-regression logistic-regression-classifier machine-learning ml-models numpy project recommender-system regularization-methods scikitlearn-machine-learning supervised-learning tensorflow tree-ensembles xgboost
Last synced: 07 Feb 2025
https://github.com/autokmg/ai-foundations
Practice exercises related to the Foundations of Artificial Intelligence university course. The code examples are designed to help students gain a deeper understanding of these topics and to prepare for exams and assignments. The repository is open to contributions from other students.
Last synced: 01 Feb 2025
https://github.com/aryansk/human-counting-system
HumanVision-Detector is a real-time human detection system built with OpenCV and HOG (Histogram of Oriented Gradients) descriptor. The system can detect and count people in both images and video streams, making it suitable for various applications including surveillance, crowd monitoring, and foot traffic analysis.
argparse imutils machine-learning machine-learning-algorithms numpy opencv python
Last synced: 01 Feb 2025
https://github.com/aryansk/mnist-deep-learning-exploration
This repository contains implementation of various deep learning approaches for the MNIST handwritten digit classification task, using both scikit-learn and Keras frameworks.
keras machine-learning machine-learning-algorithms mnist-classification numpy python scikit-learn tensorflow
Last synced: 01 Feb 2025
https://github.com/gehad-ahmed30/data-analysis
This repository offers a guide to data visualization with Pandas and includes practical examples and two complete projects. Learn to preprocess, analyze, and visualize datasets to solve real-world problems effectively.
analysis matplotlib numpy pandas python seaborn
Last synced: 07 Feb 2025
https://github.com/noeyislearning/cancer-linear-regression-model
The correlation between socioeconomic status and lung cancer incidence and mortality rates among low-income populations in the United States.
cancer-research data-analysis data-science data-visualization jupyter-notebook linear-regression-models matplotlib numpy python seaborn statsmodels
Last synced: 01 Feb 2025