Mohamed Shaad's repositories

Multiple-Disease-Prediction-System

The Multiple Disease Prediction project aims to create a user-friendly web application that allows users to input relevant medical information and receive predictions for different diseases.

Language:Jupyter NotebookStargazers:13Issues:1Issues:0

LLM-powered-PDF-Chatbot

This is a Streamlit-based PDF Chatbot powered by OpenAI's Language Models. The chatbot allows users to upload PDF files, extract text content, and ask natural language questions about the PDF content

Language:PythonStargazers:6Issues:2Issues:0

Gemini-LangChain-MultiPDF-Chatbot

Gemini-Powered-MultiPDF-Chatbot is a Streamlit application that leverages Google Generative AI Gemini and LangChain for conversational question-answering based on PDF documents. This chatbot allows users to ask questions related to the content of uploaded PDF files.

Language:PythonStargazers:3Issues:2Issues:0

Personal-Website

This repository contains the source code and assets for Mohamed Shaad's personal website. The website showcases Mohamed Shaad's background, skills, and projects as a self-taught data scientist from India.

Language:HTMLStargazers:3Issues:1Issues:0

Chatbot-With-Summarization

S-Chatbot is a Streamlit-based chatbot powered by GooglePalm language model. It allows users to interact with the chatbot and receive responses from the model.

Language:PythonStargazers:2Issues:1Issues:0

Gemini-LangChain-Chatbot

Gemini LangChain Chatbot is a Streamlit web application that allows users to have conversations with a language model powered by Google's Generative Gemini AI API and LangChain. This chatbot is designed to provide engaging and creative responses to user inputs.

Language:PythonStargazers:2Issues:1Issues:0

LlamaIndex-Linear-LogisticRegression-Helper

This Streamlit application utilizes the LlamaIndex framework for document indexing and querying linear and logistic regression-related information. It uses the OpenAI GPT-3.5 Turbo model for generating embeddings and incorporates various components for efficient document retrieval. Users can input their queries and receive responses.

Language:Jupyter NotebookStargazers:2Issues:1Issues:0

LLM-Driven-Marketing-Assistant

This project is a Streamlit-based application that utilizes GooglePalm language model to assist in generating marketing content for different age groups. The application allows users to input a product, select a marketing task (e.g., writing sales copy, creating a tweet, or writing a product description), and choose a target audience age group.

Language:PythonStargazers:2Issues:2Issues:0

Retail-Store-Database-Assistant

This project is a Retail Store Database Assistant that uses LangChain and Google Palm Language Model to interact with a MySQL database. Users can ask questions about the database, and the assistant will generate MySQL queries to retrieve relevant information.

Language:PythonStargazers:2Issues:1Issues:0

Vehicle-Tracking-Counting-YOLOv8

This Jupyter notebook project uses YOLOv8 for vehicle tracking and implements a line crossing detection algorithm. The system counts vehicles that cross a specified line in a video, annotates the frames, and generates an output video with visualizations.

Language:Jupyter NotebookStargazers:2Issues:1Issues:0

3D-Surface-Prediction-Tensorflow

This project demonstrates the creation of a 3D surface prediction model using TensorFlow. The model is trained on a randomly generated dataset and visualizes the predicted surface in a 3D space.

Language:Jupyter NotebookStargazers:1Issues:1Issues:0

AI-powered-Cover-Letter-Generator

The AI-powered Cover Letter Generator is a Streamlit web application that leverages the GooglePalm language model to generate cover letters based on user input. Users can input details such as job description, company name, job position, experience, and the maximum number of characters for the cover letter.

Language:PythonStargazers:1Issues:1Issues:0

Aspect-Based-Sentiment-Analysis

This project demonstrates Aspect-Based Sentiment Analysis (ABSA) using PyABSA, a library for aspect-based sentiment analysis. The application allows users to input a sentence, and it extracts aspects, predicts sentiment, and displays the results in a tabular form.

Language:PythonStargazers:1Issues:1Issues:0

Chatbot-Javascript-HTML-CSS

A simple chatbot implementation using JavaScript and integration with the OpenAI GPT-3.5 Turbo model.

Language:CSSStargazers:1Issues:1Issues:0

Data-Science-Interview-Preperation-Resources

Resoruce to help you to prepare for your comming data science interviews

Stargazers:1Issues:0Issues:0

ElasticNet-MLflow-Regression

This repository contains code for training an ElasticNet regression model using MLflow. The model predicts the quality of wine based on various features.

Language:PythonStargazers:1Issues:1Issues:0

Handwritten-Digit-Recognition-Tensorflow

This project focuses on building a neural network using TensorFlow to recognize handwritten digits from the MNIST dataset. The model is a simple feedforward neural network with one hidden layer.

Language:Jupyter NotebookStargazers:1Issues:0Issues:0

Huggingface-Blog-Post-Summarizer

This project provides a blog post summarizer using Hugging Face's Transformers library. It allows you to generate concise summaries of long blog posts or articles using state-of-the-art natural language processing models.

Language:PythonStargazers:1Issues:2Issues:0

Image-based-Recipe-Retrieval-System

PalatePixels is a web application for recognizing Indian recipes from images and providing recipe details.

Language:PythonStargazers:1Issues:0Issues:0

Image-to-Text-Generation

This repository contains a Jupyter Notebook that demonstrates how to use a pre-trained Vision Encoder-Decoder model for image captioning.

Language:Jupyter NotebookStargazers:1Issues:1Issues:0

Job-Fit-Analyzer-Gemini

Job Fit Analyzer is an application designed to assist in evaluating resumes based on given job descriptions. It utilizes machine learning and natural language processing techniques to analyze resumes and provide feedback on their suitability for a particular job role.

Language:PythonStargazers:1Issues:2Issues:0

llm-course

Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.

Language:Jupyter NotebookLicense:Apache-2.0Stargazers:1Issues:0Issues:0

MultilingualText-to-Image-Generation

This project demonstrates the generation of images based on textual prompts using a stable diffusion model. The text prompts are translated into multiple languages using Google Translate before generating images.

Language:Jupyter NotebookStargazers:1Issues:0Issues:0

No-Code-ML-Model-Training

This project aims to provide a user-friendly interface for training machine learning models without the need for coding. It allows users to select a dataset, preprocess it, choose a model, train the model, and evaluate its performance, all through an intuitive web interface built with Streamlit.

Language:PythonStargazers:1Issues:1Issues:0

S-bot

S-bot is a Streamlit-based chatbot powered by GooglePalm language model. It allows users to interact with the chatbot and receive responses from the model.

Language:PythonStargazers:1Issues:0Issues:0

shaadclt

Special Repository

Text-to-Image-Generation

This project demonstrates how to generate images using diffusion models, specifically utilizing the Stable Diffusion model from Hugging Face's Transformers library.

Language:Jupyter NotebookStargazers:1Issues:1Issues:0

Youtube-Transcription-Whisper

This jupyter notebook project empowers you to seamlessly download YouTube videos, extract their audio tracks, and transcribe the speech content using OpenAI's powerful Whisper model.

Language:Jupyter NotebookStargazers:1Issues:1Issues:0

Youtube-Video-Summarizer

This is a Streamlit web application that summarizes YouTube videos using Youtube Transcript API and Google's Generative AI model Gemini Pro. The YouTube Video Summarizer allows users to input a YouTube video URL and generates a summary of the video content based on its transcript.

Language:PythonStargazers:1Issues:1Issues:0
License:GPL-3.0Stargazers:0Issues:0Issues:0