RobuRishabh
Graduate student @ Northeastern University, Boston | MS Robotics & AI| Lets talk about ML, PRCV and Robotics
Boston, MA
Pinned Repositories
Autonomous-Disaster-Response-System
This project involved developing an autonomous system using mobile robots for disaster response. The system generated a complete map of an initially unknown environment and located any victims using AprilTags. Off-the-shelf components were used, and explore lite was modified to improve performance. The code and a group report were submitted
Camera-Mosiac
We will look at the role and use of calibrated cameras for simple photomosaicing.
Driver-for-VectorNav-VN-100-Inertial-Measurement-Unit-to-parse-VNYMR
Collected roughly 5 hours and 15 minutes worth of stationary IMU data at a location that is not subject to vibrations. Parsed $VNYMR string, to get accel, gyro, orientation (roll, pitch, yaw) and magnetometer data and analyzed the data for Allan variance.
Financial-Insights-Chatbot-Leveraging-Retrieval-Augmented-Generation-for-10Q-and-10K-Reports
AI Chatbot for Financial Reports (10Q, 10K) is a Retrieval-Augmented Generation (RAG) system designed to provide financial insights by processing user queries on financial documents, such as Tesla's 10Q and 10K reports. The chatbot leverages cutting-edge NLP models like GPT, LLAMA2, and Flan-T5, integrated into a seamless interactive interface.
LiDAR-point-cloud-based-3D-object-detection
The project’s main goal is to investigate real-time object detection and tracking of pedestrians or bicyclists using a Velodyne LiDAR Sensor. Various point-cloud-based algorithms are implemented using the Open3d python package. The resulting 3D point cloud can then be processed to detect objects in the surrounding environment.
Multimodal-Visual-Question-Answering-VQA-with-Generative-AI-utilizing-LLM-and-Vision-Language-Model
Built a Visual Question Answering (VQA) system leveraging multimodal transformers. VQA systems are AI models that can answer questions about an image using both computer vision (CV) and natural language processing (NLP) capabilities
RAG-based-Flight-Query-Bot
The RAG-based Flight Query Bot is a Streamlit-powered web application that allows users to query flight information using natural language (e.g., "Show me flights from New York to London"). It uses Retrieval-Augmented Generation (RAG) with an Ollama language model to extract entities from queries and retrieve flight data from a mock database.
Real-time-filtering
Implemented a 5x5 Gaussian filter, 3x3 Sobel X and 3x3 Sobel Y, generated a gradient magnitude image from the X and Y Sobel images, blurred and quantized a color image, did live video cartoonization, put sparkles into the image where there are strong edges.
Saayam_ML
ML based micro service that uses historical data stored on AWS S3 and real time data to come up with real time responses.
Smolagents
RobuRishabh's Repositories
RobuRishabh/Content-Based-Image-Retrieval
The main aim of the project is to implement Content Based Image Retrieval which is one of the most important concepts of computer vision. The bog companies are using this to compare the similarity between the images based on the feature vector of the Targeted image.
RobuRishabh/Driver-for-VectorNav-VN-100-Inertial-Measurement-Unit-to-parse-VNYMR
Collected roughly 5 hours and 15 minutes worth of stationary IMU data at a location that is not subject to vibrations. Parsed $VNYMR string, to get accel, gyro, orientation (roll, pitch, yaw) and magnetometer data and analyzed the data for Allan variance.
RobuRishabh/Financial-Insights-Chatbot-Leveraging-Retrieval-Augmented-Generation-for-10Q-and-10K-Reports
AI Chatbot for Financial Reports (10Q, 10K) is a Retrieval-Augmented Generation (RAG) system designed to provide financial insights by processing user queries on financial documents, such as Tesla's 10Q and 10K reports. The chatbot leverages cutting-edge NLP models like GPT, LLAMA2, and Flan-T5, integrated into a seamless interactive interface.
RobuRishabh/Lane_detector_Using_OpenCV_for_autonomous_vehicle
Lane detection is a crucial step in training autonomous driving cars. It helps identify and avoid entering other lanes by analyzing visual input. Lane recognition algorithms play a vital role in ADAS and autonomous vehicle systems. They accurately detect lane locations and borders, contributing to safe and reliable navigation.
RobuRishabh/Real-time-filtering
Implemented a 5x5 Gaussian filter, 3x3 Sobel X and 3x3 Sobel Y, generated a gradient magnitude image from the X and Y Sobel images, blurred and quantized a color image, did live video cartoonization, put sparkles into the image where there are strong edges.
RobuRishabh/InstaBot_Coding_Ninjas
This project involves the creation of an Instagram bot using Selenium. The bot is designed to assist in automating common Instagram tasks such as logging in, following accounts, and interacting with posts.
RobuRishabh/Medical_Data_Extraction
Hospitals and medical facilities routinely generate various documents such as patient medical records and prescriptions. These documents are essential for insurance claims processing. To streamline this process and improve efficiency, I've developed a solution that enables hospitals to scan these documents and automatically extract the crucial data
RobuRishabh/Multimodal-Visual-Question-Answering-VQA-with-Generative-AI-utilizing-LLM-and-Vision-Language-Model
Built a Visual Question Answering (VQA) system leveraging multimodal transformers. VQA systems are AI models that can answer questions about an image using both computer vision (CV) and natural language processing (NLP) capabilities
RobuRishabh/Real_time_2D_Object_Recognition
This project is about real-time 2D object recognition. The goal is to have the computer identify a specified set of objects placed on a white surface in a translation, scale, and rotation invariant manner from a camera looking straight down. The computer should be able to recognize single objects placed in the image and identify the objects.
RobuRishabh/RobuRishabh
RobuRishabh/Calibration_and_Augmented_Reality
This project is about learning how to calibrate a camera , then use the calibration to generate virtual objects in a scene. After getting calibration parameters System will be able to identify a target and then position a virtual item in the scene next to the target so that it moves and orients itself appropriately in response to camera or target.
RobuRishabh/Case_Study_on_Indian_Startups_Coding_Ninjas
Detailed analysis of the Indian Startups for interpretation of trends and patterns to facilitate selection of proper city, useful investors, funding type e.t.c, for different startups.
RobuRishabh/Coding-Ninjas-Data-Structures-Algorithm-in-Cpp
This repository consists solutions of Coding Ninjas Course of "Basics of C++ with Data Structures and Algorithm"
RobuRishabh/Hotel_Data_Analytics
In this project, I conducted an in-depth data analysis for a hotel chain. I began by thoroughly understanding the core business challenge and then leveraged a Kaggle dataset. My work encompassed data cleaning, transforming the dataset, and extracting valuable insights to provide a comprehensive understanding of the hotel chain's data.
RobuRishabh/RAG-based-Flight-Query-Bot
The RAG-based Flight Query Bot is a Streamlit-powered web application that allows users to query flight information using natural language (e.g., "Show me flights from New York to London"). It uses Retrieval-Augmented Generation (RAG) with an Ollama language model to extract entities from queries and retrieve flight data from a mock database.
RobuRishabh/Saayam_ML
ML based micro service that uses historical data stored on AWS S3 and real time data to come up with real time responses.
RobuRishabh/Smolagents
RobuRishabh/Agents
RobuRishabh/AI_Agent_for_MLalgo
RobuRishabh/Cifar10_Dataset_Classification
Built a model that predicts the correct class for every image in the CIFAR-10 test dataset. The CIFAR-10 dataset consists of 60,000 32x32 color images in 10 different classes, with 50,000 images for training and 10,000 images for testing.
RobuRishabh/Distracted_Driver_Detection_System
This project aims to build a machine learning model to detect distracted drivers using image data. The notebook contains steps to preprocess the data, train a model, and evaluate its performance.
RobuRishabh/Eye-Gaze-Controlled-Wheelchair
This project aimed at restoring mobility for ALS patients, allows wheelchair navigation through eye movements. Using a monocular camera, Dlib, and OpenCV, we developed a system that tracks gaze direction and translates it into precise motion commands. The bot emulates an eye-controlled wheelchair, combining affordability with ease of use.
RobuRishabh/Neural_Machine_Translation
This project implements a Neural Machine Translation system using modern deep learning techniques. The goal is to translate text from a source language to a target language using sequence-to-sequence models.
RobuRishabh/Phase-Segmentation-and-Quantification-of-Microstructures-Using-Image-Processing-Techniques
RobuRishabh/PyTorch_Tutorials
RobuRishabh/Saayam_ai
Generative AI based micro service code. We plan to use Hugging Faces, Langchain etc.
RobuRishabh/Tableau-StayCatin-CodingNinjas
The purpose of this project is to create a comprehensive dashboard to assist the management team of StayCatin.com, an online platform for booking vacation properties, in making informed business decisions.
RobuRishabh/Text_Classification_CodingNinjas
Performed Text Classification using Multinomial Naive Bayes, Also implemented naive bayes then compared results of the implementations.
RobuRishabh/TMDb-API-Coding-Ninjas
RobuRishabh/Twitter_Airline_Sentiment_Analysis
This project involves analyzing sentiment from tweets related to U.S. airlines using the Twitter US Airline Sentiment Dataset. The goal is to predict the sentiment (positive, negative, or neutral) of a tweet based on its content. The dataset contains over 14,000 tweets, and the challenge is to predict the sentiment for a test set of tweets.