Learning Projects

  • All Projects
  • Machine Learning
  • Deep Learning
  • LLM & NLP
  • Generative AI
  • Computer Vision
Diabetes Prediction
Python SVM Scikit-learn

Diabetes Prediction using Machine Learning

Machine Learning

This project aims to predict whether a person has diabetes based on various medical attributes using machine learning techniques. The project utilizes a Support Vector Machine (SVM) for classification, trained on the PIMA Diabetes dataset.

Fake News Prediction
Python NLP Logistic Regression

Fake News Prediction using Machine Learning

Machine Learning

The goal of this project is to build a model that can accurately predict whether a given news article is real or fake. The project uses natural language processing (NLP) techniques and a logistic regression model to achieve this goal.

Loan Status Prediction
Python Classification Scikit-learn

Loan Status Prediction using Machine Learning

Machine Learning

The goal of this project is to predict whether a loan application will be approved or rejected based on various input features.

Car Price Prediction
Python Linear Regression Flask

Car Price Prediction using Machine Learning

Machine Learning

This project is a web application that predicts the selling price of a car based on various features using a Linear Regression model. The application is built with Flask and provides a simple interface for users to input the details of the car and get the predicted price.

Big Mart Sales Prediction
Python Regression Flask

Big Mart Sales Prediction using Machine Learning

Machine Learning

The project is implemented using Python and Flask, allowing users to input item and outlet details through a web interface and receive sales predictions.

Customer Segmentation
Python K-Means Clustering

Customer Segmentation Using K-Means Clustering

Machine Learning

The goal is to categorize customers into distinct groups that share similar spending habits and income levels.

Calories Burned Prediction
Python Regression Flask

Calories Burned Prediction Using Machine Learning

Machine Learning

This project demonstrates a web application for predicting calories burned based on user inputs. It leverages a machine learning model to provide calorie estimates based on various physical and exercise parameters.

Movie Recommendation System
Python Recommendation Flask

Movie Recommendation System Using Machine Learning

Machine Learning

This project is a Movie Recommendation System that uses machine learning techniques to recommend movies based on a given input movie name. The system is built with Python using libraries such as Pandas, Scikit-Learn, and Flask for the web application.

Handwritten Digit Recognition
Python CNN TensorFlow

Handwritten Digit Recognition using Deep Learning

Deep Learning

This project implements a Convolutional Neural Network (CNN) to recognize handwritten digits from the MNIST dataset. The model is built using TensorFlow/Keras and achieves high accuracy in digit classification.

Image Classification using CNN
Python CNN Keras

Image Classification using CNN Deep Learning

Deep Learning

This project demonstrates image classification using Convolutional Neural Networks (CNN) with TensorFlow/Keras. The model can classify images into multiple categories with high accuracy.

Neural Network from Scratch
Python NumPy Neural Networks

Neural Network Implementation from Scratch

Deep Learning

This project implements a neural network from scratch using only NumPy, demonstrating the fundamental concepts of deep learning including forward and backward propagation.

Transfer Learning
Python VGG16 ResNet

Transfer Learning with Pre-trained Models

Deep Learning

This project demonstrates transfer learning using pre-trained models like VGG16 and ResNet for image classification tasks, showing how to leverage existing knowledge for new problems.

RNN for Time Series
Python RNN LSTM

Recurrent Neural Network (RNN) for Time Series

Deep Learning

This project implements Recurrent Neural Networks (RNN) and LSTM for time series prediction, demonstrating how to handle sequential data in deep learning.

Autoencoder Implementation
Python Autoencoder TensorFlow

Autoencoder Implementation

Deep Learning

This project implements autoencoders for dimensionality reduction and feature learning, showing how to compress and reconstruct data using neural networks.

Deep Learning for NLP
Python NLP Deep Learning

Deep Learning for Natural Language Processing

Deep Learning

This project explores deep learning techniques for NLP tasks including text classification, sentiment analysis, and language modeling.

CNN for Object Detection
Python YOLO Object Detection

Convolutional Neural Network for Object Detection

Deep Learning

This project implements CNN-based object detection using YOLO and other architectures, demonstrating real-time object detection capabilities.

Deep Learning for Computer Vision
Python Computer Vision Deep Learning

Deep Learning for Computer Vision

Deep Learning

This project explores various deep learning architectures for computer vision tasks including image segmentation, object detection, and image generation.

Neural Style Transfer
Python Style Transfer Deep Learning

Neural Style Transfer

Deep Learning

This project implements neural style transfer using deep learning, allowing users to apply artistic styles to their images using pre-trained models.

Handwritten Digit Generator - DCGAN
Python DCGAN Flask

Handwritten Digit Generator - DCGAN using Deep Learning

Deep Learning

This project uses a Deep Convolutional Generative Adversarial Network (DCGAN) to generate random handwritten digits. The generator model creates images based on random noise, and the Flask web application allows users to generate and view these digits.

Sentiment Analysis on IMDB Reviews
Python LSTM Sentiment Analysis

Sentiment Analysis on IMDB Reviews with LSTM Deep Learning

Deep Learning

The goal of this project is to build a sentiment analysis model that predicts whether an IMDB movie review is positive or negative. The project leverages an LSTM neural network for this task, which is particularly effective for processing sequential data like text.

LLM Chatbot (ConvoMate AI Model)
Python Streamlit LLM

LLM Chatbot (ConvoMate AI Model) using Gen AI

LLM & NLP

ConvoMate is an AI-powered chatbot built using Google Gemini-Pro's generative model. It features a sleek and interactive UI, powered by Streamlit, to facilitate engaging conversations with the AI.

LankaMate AI Chatbot
Python Streamlit Gemini 1.5

LankaMate AI Chatbot 🤖 using Gen AI

LLM & NLP

LankaMate AI is an advanced chatbot application powered by the Gemini 1.5 model from Google's Generative AI suite. The chatbot is designed to interact with users in a conversational manner, answer questions, and provide image insights and text embeddings. The application is built using Python and Streamlit for an interactive and user-friendly interface.

Lanka Translator App - GPT-4
Python GPT-4 LangChain

Lanka Translator App - GPT-4

LLM & NLP

A Streamlit-based application leveraging GPT-4 for seamless language translation. This app allows users to translate text between multiple languages with an intuitive interface and powerful backend.

LankaDoc Talk
Python LLAMA 3.1 RAG

🇱🇰 🔍 LankaDoc Talk

LLM & NLP

LankaDoc Talk is an AI-powered chatbot application designed to interact with the contents of PDF documents using LLAMA 3.1 with Groq, Retrieval-Augmented Generation (RAG), Langchain, and Generative AI. Users can upload PDF files and ask questions to get relevant answers, making it a powerful tool for extracting and understanding information from documents.

Ceylon AI Chat
Python Streamlit Groq API

💬 🇱🇰 Ceylon AI Chat

LLM & NLP

Ceylon AI Chat is an AI-powered chatbot application built using Streamlit and the Groq API. It leverages the powerful llama-3.1-8b-instant model to provide intelligent and contextual responses to user queries. This chatbot blends advanced AI capabilities with a touch of Sri Lankan identity.

DocChat Lanka
Python LLAMA 3.1 LangChain

DocChat Lanka - File Processor & Q&A System

LLM & NLP

DocChat Lanka allows users to upload documents (PDFs), and using advanced AI-based models like Meta LLAMA 3.1 and Groq hardware acceleration, it processes these documents into manageable text chunks. You can then query the content of these documents in natural language, and the system will provide responses that are contextually based on the document content. All queries and answers are stored and made accessible via a history feature.

Text-to-Image Generator
Python FastAPI Stable Diffusion

Text-to-Image Generator

Generative AI

The Text-to-Image Generator application allows users to generate AI-driven images based on text prompts. Utilizing FastAPI for the backend and the Stable Diffusion model for image generation, this project provides a user-friendly web interface for creating custom images. It also supports negative prompts, which allow users to specify elements they want to exclude from the generated image.

AI Chat Generator - DialoGPT
Python DialoGPT Conversational AI

AI Chat Generator - DialoGPT Generative Artificial Intelligence

Generative AI

This project implements an AI chat generator using DialoGPT, a conversational AI model. The application allows users to have natural conversations with the AI, demonstrating the capabilities of generative language models.

Image Generation with DALL-E API
Python DALL-E OpenAI API

Image Generation with DALL-E API

Generative AI

This project integrates with OpenAI's DALL-E API to generate images from text descriptions. Users can input creative prompts and receive AI-generated images, showcasing the power of generative AI in image creation.

Face Recognition System
Python OpenCV Computer Vision

Face Recognition System using Computer Vision

Computer Vision

This project implements a face recognition system using computer vision techniques. It can detect and recognize faces in images and video streams, demonstrating the power of computer vision in biometric applications.

Object Detection with YOLO
Python YOLO OpenCV

Object Detection with YOLO using Computer Vision

Computer Vision

This project implements real-time object detection using the YOLO (You Only Look Once) algorithm. It can detect multiple objects in images and video streams with high accuracy and speed.

Real-Time Pose Estimation
JavaScript TensorFlow.js Pose Estimation

Real-Time Pose Estimation with TensorFlow.js and JavaScript

Computer Vision

This project showcases a real-time human pose estimation system built with TensorFlow.js and JavaScript. It uses pre-trained machine learning models to detect key points in the human body and predict poses from live camera feeds, all within a web browser.

Real-Time Body Segmentation
JavaScript TensorFlow.js React

Real-Time Body Segmentation using Computer Vision

Computer Vision

This project is a Real-Time Body Segmentation application using TensorFlow.js and BodyPix. It processes live webcam footage and segments body parts in real-time, visualizing them with colored masks. The project uses React for the front-end and Bootstrap for styling.

Real-Time Gesture Recognition
JavaScript TensorFlow.js React

Real-Time Gesture Recognition with TensorFlow.js + React.js + Fingerpose

Computer Vision

This is a real-time AI-powered gesture recognition application built using React.js, TensorFlow.js, and Fingerpose. The application uses a webcam to detect hand gestures such as the 'Victory' and 'Thumbs Up' gestures. The detected gestures are then visually represented by emojis.

Object Detection App
JavaScript TensorFlow.js React

Object Detection App using TensorFlow.js and React.js

Computer Vision

This Object Detection App is built using TensorFlow.js and React.js. The app enables real-time object detection using the COCO-SSD model, which can recognize and detect 80 different classes of objects in images or live webcam feeds. The user interface is designed using Bootstrap for a sleek, responsive design with a modern look.

Hand Tracking with OpenCV
Python OpenCV Hand Tracking

Hand Tracking with OpenCV and Computer Vision

Computer Vision

This project demonstrates hand tracking using OpenCV and the cvzone Hand Tracking Module. The system detects the position of hands in real time through a webcam, captures 21 hand landmarks, and sends the coordinates to a server using the UDP protocol for further processing.

Finger Counter using Hand Tracking
Python OpenCV Hand Tracking

Finger Counter using Hand Tracking Computer Vision OpenCV Python

Computer Vision

This project is a computer vision-based finger counter built using OpenCV and a custom Hand Tracking Module. The system detects the number of fingers raised in front of the webcam in real time and displays the corresponding finger count image.

Face Distance Measurement
Python OpenCV Face Detection

Face Distance Measurement with a Webcam using Computer Vision

Computer Vision

This project demonstrates real-time face distance measurement using a normal webcam. The program detects a face, measures the distance between two facial points, and calculates the depth of the face from the camera using computer vision techniques. Additionally, it displays dynamic text messages based on the measured distance.

Hand Gesture Controlled Presentation
Python OpenCV Gesture Control

Hand Gesture Controlled Presentation using Computer Vision

Computer Vision

The Hand Gesture Controlled Presentation project allows users to navigate through presentation slides using hand gestures. Leveraging computer vision techniques with OpenCV and cvzone, this application enables intuitive control over presentations without the need for a keyboard or mouse.

Eye Blink Counter
Python OpenCV Face Mesh

Eye Blink Counter using OpenCV and Computer Vision

Computer Vision

The Eye Blink Counter is a computer vision application that detects eye blinks in real-time using OpenCV and the cvzone library. By utilizing face mesh detection, it calculates the blink ratio based on the vertical and horizontal distances between key landmarks around the eyes. This application can be useful for monitoring blink frequency, which can be beneficial in various contexts, such as driver alertness, fatigue detection, or even user interaction in gaming.