Pinned Repositories
AdaBins-for-Depth-Estimation
Official implementation of Adabins: Depth Estimation using adaptive bins
Answer-grading-model
Provides a comparison result between a template answer and answer to be verified.
awesome-quant
A curated list of insanely awesome libraries, packages and resources for Quants (Quantitative Finance)
Credit-Card-Fraud-Identification
This project is to predict fraudulent credit card transactions with the help of machine learning models.
Data-Analytics-Customer-Segmentation
Within this project, we have implemented an RFM model to classify customers into distinct segments. Furthermore, we clean and wrangle the dataset and conducted Exploratory Data Analysis (EDA) using the Python programming language.
Digital-Twin-for-3D-printing
ML algorithm for a Digital Twin representation of models undergoing 3D printing utilising Graph Theory. A virtual representation of the STL file is created. The 3D printing process is optimised on the go to avoid trial and error methods and instantaneous feedback is obtained.
Foetal-Head-Segmentation-in-Ultrasound-Scan
Implemented CNN Models using PyTorch framework to outline the boundary of the foetal head in an ultrasound scan.
football_analytics
📊⚽ A collection of football analytics projects, data, and analysis by Edd Webster (@eddwebster), including a curated list of publicly available resources published by the football analytics community.
Stock-Market-Prediction
Provides comparative analysis of stock market for companies and predicts futures stock values employing decision tree algorithm.
Zomato_Restaurant_EDA_And_Sentiment_Analysis
End-to-end ML project for sentiment analysis and EDA of restaurant reviews.
juicebocks27's Repositories
juicebocks27/Foetal-Head-Segmentation-in-Ultrasound-Scan
Implemented CNN Models using PyTorch framework to outline the boundary of the foetal head in an ultrasound scan.
juicebocks27/football_analytics
📊⚽ A collection of football analytics projects, data, and analysis by Edd Webster (@eddwebster), including a curated list of publicly available resources published by the football analytics community.
juicebocks27/Stock-Market-Prediction
Provides comparative analysis of stock market for companies and predicts futures stock values employing decision tree algorithm.
juicebocks27/awesome-quant
A curated list of insanely awesome libraries, packages and resources for Quants (Quantitative Finance)
juicebocks27/Credit-Card-Fraud-Identification
This project is to predict fraudulent credit card transactions with the help of machine learning models.
juicebocks27/Data-Analytics-Customer-Segmentation
Within this project, we have implemented an RFM model to classify customers into distinct segments. Furthermore, we clean and wrangle the dataset and conducted Exploratory Data Analysis (EDA) using the Python programming language.
juicebocks27/Digital-Twin-for-3D-printing
ML algorithm for a Digital Twin representation of models undergoing 3D printing utilising Graph Theory. A virtual representation of the STL file is created. The 3D printing process is optimised on the go to avoid trial and error methods and instantaneous feedback is obtained.
juicebocks27/Zomato_Restaurant_EDA_And_Sentiment_Analysis
End-to-end ML project for sentiment analysis and EDA of restaurant reviews.
juicebocks27/Banking-Management-System
This bank management system project in Python is a console that performs the essential functions of banking software. It lets the user create a new account, view the account’s records, make deposits and withdrawals, and edit account details.
juicebocks27/ChatGitHub
Implemented a Streamlit chat interface to query GitHub repositories integrating Langchain and Hugging Face embeddings. Built a RAG-based system to integrate generative and retrieval components from GitHub code chunks stored in Deep Lake.
juicebocks27/Covid-RNA-Sequence-Analysis
Analyze the data on RNA sequences of COVID in two of its major variants: Delta and Omicron
juicebocks27/Customer-Segmentation-with-RFM-Analysis-and-Kmeans-Clustering
Grouping customers into sections based on their common characteristics on Online Retail data set..
juicebocks27/digit-recognition-using-cnn
In this kernel, I have created a Deep Convolutional Neural Network (CNN) model to recognize different handwritten digits and classify them. The dataset used here is actually from [Digit Recognition Competition](https://www.kaggle.com/c/digit-recognizer).
juicebocks27/ED6001-Medical-Image-Analysis
Coursework and assignments for July-Nov 2023 semester.
juicebocks27/EE5708-Data-Analytics-Laboratory
Lab assignments for 7th semester (July-Dec 2023)
juicebocks27/Fake-News-NLP-Classification
A classification project to test the efficiency of four different classifiers in an NLP model for detecting text-based fake news.
juicebocks27/Hotel-Review-Sentiment-Analysis
Sentiment Analysis on Tripadvisor hotel review dataset
juicebocks27/ID5055-Foundations-of-Machine-Learning
Tutorials and assignments as part of coursework for 7th semester (July-Dec 2023)
juicebocks27/iitmess
IIT Madras Mess Menu, automatically updates based on day and week number.
juicebocks27/image-classification-cnn
An end-to-end deep learning project using Tensorflow and Keras where we read in a dataset of dog images, then train a convolutional neural network to classify them by breed.
juicebocks27/NBA-MVP-prediction
An end-to-end ML project to predict the MVP winner for an NBA season. It involves Web Scraping, Data Cleaning and finally makes predictions using Linear Regression and Random Forest models
juicebocks27/Netflix-Recommendation-Engine
This project is a Netflix recommendation system that utilizes Machine Learning techniques to provide personalized movie and TV show recommendations based on user input.
juicebocks27/Netflix-Recommendation-webpage
This project is a Netflix recommendation system to provide personalized movie and TV show recommendations based on user input.
juicebocks27/option-pricing-three-models
Created European Option pricing model using 3 methods: Black-Scholes Model, Monte Carlo Simulation, Binomial Model. Built user-friendly Streamlit-based web application for users to input parameters and display calculated prices in real-time
juicebocks27/Premier-League-webscraping-prediction
Predict the winner of football matches in the English Premier League (EPL) using Random Forest Classifier after webscraping the data.
juicebocks27/stock-pred-with-time-series
Forecast model to predict stock price using Time Series Models.
juicebocks27/Tutorial-World-Cup-soccer-game-prediction
Forecast model to predict winners of World Cup matches
juicebocks27/word-cloud
Create a word cloud using uploaded text files on jupyter notebook.
juicebocks27/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
juicebocks27/Zomato_api
This project uses Zomato API to get restaurants, recipes, ratings, etc. Screenshots attached