Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists by 2003HARSH

A curated list of projects in awesome lists by 2003HARSH .

https://github.com/2003harsh/document-qna-using-llama3-and-groq

Document QnA is a webapp that lets users upload multiple documents and ask questions about their content. It uses Llama3, Groq API, LangChain, FAISS, and Google Palm Embeddings to identify relevant documents and provide answers with page numbers. The Streamlit interface ensures easy and efficient use.

groq-api langchain llama3 retrieval-augmented-generation streamlit-webapp

Last synced: 12 Nov 2024

https://github.com/2003harsh/house-price-prediction-using-machine-learning

This project features a web app that predicts house prices using a linear regression model. Users can input details like location, square footage, bathrooms, and bedrooms through an HTML form. I've added a CI/CD pipeline with GitHub Actions, unit testing with pytest, and automated Docker containerization to improve deployment and robustness.

ci-cd data-analysis docker-image flask linear-regression machine-learning matplotlib mlops-workflow requests scikit-learn

Last synced: 10 Oct 2024

https://github.com/2003harsh/ci-demo

Soon to be deleted

Last synced: 12 Nov 2024

https://github.com/2003harsh/2003harsh

Welcome to my Github! Here you'll find a collection of my projects and work experience in the field of data science and artificial intelligence. Feel free to explore the projects and reach out if you have any questions or collaboration opportunities.

Last synced: 12 Nov 2024

https://github.com/2003harsh/emotion-detection-using-mlops

This Python-based sentiment analysis project emphasizes MLOps practices. It features data ingestion, preprocessing, and Bag of Words (BOW) for feature engineering. DVC is used for version control, while an ML pipeline manages the workflow for training a Gradient Boosting Classifier. Model performance is evaluated using metrics like accuracy and ROC

Last synced: 12 Nov 2024

https://github.com/2003harsh/coding-club-jnu

A web app for managing attendance. Trainers set timings, students mark attendance online, and new students receive WhatsApp invites. Built with HTML, CSS, JavaScript, Node.js, and MongoDB, featuring CI/CD and Docker support.

Last synced: 12 Nov 2024

https://github.com/2003harsh/bank-management-system-using-python-and-mysql

The Bank Management System is a Python-based application utilizing Tkinter for its graphical user interface and MySQL for database management. This project allows users to manage their bank accounts by providing functionalities to open new accounts, check balances, deposit and withdraw money, and close accounts.

mysql-connector-python mysql-database object-oriented-programming python3 tkinter-gui

Last synced: 12 Nov 2024

https://github.com/2003harsh/tic-tac-toe

Play Tic-Tac-Toe against a computer AI or challenge a friend in this Python command-line version. Enjoy dynamic board updates, intuitive controls, and ASCII art for game outcomes. Perfect for quick matches and sharpening your strategy skills!

ascii-art minimax-algorithm object-oriented-programming python3

Last synced: 12 Nov 2024

https://github.com/2003harsh/2003harsh.github.io

Welcome to my portfolio! Here you'll find a collection of my projects and work experience in the field of data science and artificial intelligence. Feel free to explore the projects and reach out if you have any questions or collaboration opportunities.

about-me portfolio-website

Last synced: 12 Nov 2024

https://github.com/2003harsh/tcp-reverse-shell-from-scratch

This project features a TCP reverse shell, developed from scratch using Python, for educational use. It allows a server to securely connect and control multiple clients via AES-encrypted communication, with the client auto-starting on system boot.

auto-startup cyber-security python socket-programming tcp-reverse-shell

Last synced: 12 Nov 2024

https://github.com/2003harsh/random-string-search-using-genetic-algorithm-

This project uses a genetic algorithm to search for a target string. By evolving a population of random strings through selection, crossover, and mutation, the algorithm progressively approximates the target string over multiple generations.

genetic-algorithm object-oriented-programming optimization-problem python

Last synced: 12 Nov 2024

https://github.com/2003harsh/movie-recommender-system

A content based movie-recommender-system uisng cosine similarity.

Last synced: 12 Nov 2024

https://github.com/2003harsh/optimizing-linear-regression-using-genetic-algorithm

Optimize linear regression parameters using a genetic algorithm. This project uses selection, crossover, and mutation to minimize the mean squared error all coded from scratch, demonstrating the application of genetic algorithms in machine learning model optimization.

genetic-algorithm linear-regression machine-learning-algorithms optimization-algorithms python3

Last synced: 12 Nov 2024

https://github.com/2003harsh/bca-result-analysis

BCA Result Analysis: 📊 Dive into student performance trends with data-driven insights. Clean, visualize, and analyze data for informed decisions in education. 🎓💡

analytics plotly visualization

Last synced: 12 Nov 2024

https://github.com/2003harsh/port-scanner-from-scratch-using-python

A Python-based port scanner that identifies open ports and gathers service information. It resolves IP addresses and hostnames, performs banner grabbing, and can scan multiple targets for educational and network security purposes.

cyber-security port-scanner python3 socket-programming

Last synced: 12 Nov 2024

https://github.com/2003harsh/sms-spam-classifier

ML model for spam detection using Naive Bayes & TF-IDF. Achieved 0.98 accuracy. Utilized Scikit-learn, Numpy, nltk. Implements NLP concepts. Explore precise spam classification effortlessly. #MachineLearning #SpamDetection 🚀✉️📱

naive-bayes-classifier natural-language-processing tf-idf-vectorizer

Last synced: 12 Nov 2024

https://github.com/2003harsh/laptop-price-predictor

"Laptop Price Predictor 🎮🔍 - ML-driven app using Random Forest Regressor. Predict prices based on features like RAM, memory, and processor. Achieved R2 score of 90%. Built with Scikit-learn, Pandas, and Numpy. #MachineLearning #DataScience #Streamlit 🚀"

machine-learning-algorithms pandas random-forest regression-analysis

Last synced: 12 Nov 2024

https://github.com/2003harsh/book_recommender_system

This repository contains a collaborative filtering-based book recommender system built with Python Flask. 📚✨ The system utilizes cosine similarity to suggest books based on user preferences and historical data. 📊🔍

cosine-similarity flask machine-learning recommendation-system

Last synced: 12 Nov 2024

https://github.com/2003harsh/sentiment-analysis-using-bert

"Sentiment Analysis using BERT" utilizes advanced NLP with BERT for precise sentiment analysis, surpassing traditional methods like Word2Vec. Gain valuable insights into customer feedback and social sentiment effortlessly. 🚀💬 #NLP #SentimentAnalysis #BERT

beginner-friendly bert sentiment-analysis transformer

Last synced: 12 Nov 2024

https://github.com/2003harsh/cuet_mca_scores

The Automated CUET MCA Score Checker simplifies score checking for CUET aspirants. This online tool matches your answers with the original sheet, providing quick and accurate scores. To use it, save your CUET answersheet as an HTML file and upload it. No installation is needed, making it a convenient solution for students. Contributions are welcome

analytics beautifulsoup4 webscraping

Last synced: 12 Nov 2024

https://github.com/2003harsh/chat-with-databases-using-rag

"Chat with Databases using RAG" is a cutting-edge project that seamlessly integrates natural language inputs with database interactions. By leveraging advanced techniques like RAG and few-shot learning, it generates SQL queries from plain text and retrieves human-like responses from the database, revolutionizing the way we interact with data.

database langchain-python langsmith natural-language-processing retrieval-augmented-generation

Last synced: 12 Nov 2024

https://github.com/2003harsh/sentiment-analysis-on-movie-reviews

🎬 Analyze movie reviews sentiment in real-time with "Sentiment Analysis on Movie Reviews using Word2Vec"! Powered by advanced NLP and deployed using Streamlit, this app categorizes reviews as positive or negative. Perfect for film enthusiasts and industry professionals! 🍿📊

natural-language-processing sentiment-analysis word2vec-embeddinngs

Last synced: 12 Nov 2024

https://github.com/2003harsh/ai-guesses-the-movie

An AI-powered application that can guess movie titles based on plot summaries. Built using LangChain, Google Palm LLM, CSVLoader, RetrievalQA, Google Palm Embeddings, and FAISS. Deployed on Streamlit for an interactive user experience, allowing you to enter a plot summary and receive a predicted movie title.

googlepalm langchain-python large-language-models retrieval-augmented-generation

Last synced: 12 Nov 2024

https://github.com/2003harsh/next-word-prediction-using-rnn-lstm-gru

The Next Word Predictor using LSTM is a project that builds a text prediction model using Long Short-Term Memory (LSTM) neural networks. It predicts the most likely next word in a given sequence, useful for text composition and natural language processing tasks. The project allows customizable training and includes an interactive script for testing

lstm natural-language-processing next-word-prediction

Last synced: 12 Nov 2024

https://github.com/2003harsh/automl

"🚀 Build ML models effortlessly! Our user-friendly platform empowers beginners with no ML background. Features include drag-and-drop functionality, pre-built templates, AutoML, and visual model representation. Learn, create, and deploy with real-time feedback. Join our supportive community! 🌐 #MachineLearning #NoCodeML"

Last synced: 12 Nov 2024

https://github.com/2003harsh/blog-generation-using-llama2

The Blog Generation project uses advanced AI technologies like Llama 2, LangChain, and Hugging Face to create custom blog content. With Streamlit, users can input a topic, word count, and audience type to generate blogs quickly and efficiently. The project combines the power of LLms with a simple, interactive interface for easy content creation.

huggingface-transformers langchain llama2 llm nlp

Last synced: 03 Dec 2024

https://github.com/2003harsh/openai-whisper-automated-hindi-speech-recognition

This project adapts OpenAI's Whisper model to create an automated speech recognition system for Hindi. The goal is to accurately transcribe Hindi audio into text for applications like transcription, voice commands, and accessibility. By fine-tuning the model, the project aims to improve recognition accuracy and performance in Hindi-language context

openai-whisper speech-recognition speech-to-text

Last synced: 12 Nov 2024