Giter Site home page Giter Site logo

logo

Hi šŸ‘‹, I'm Harsh Gupta

Aspiring Data Scientist

2003harsh

Image

Connect with me:

harsh-gupta-2021 @harshnkgupta

Languages and Tools:

c cplusplus flask html5 java javascript linux mysql pandas php python scikit_learn seaborn tensorflow

2003harsh

Harsh Gupta's Projects

2003harsh icon 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.

2003harsh.github.io icon 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.

ai-guesses-the-movie icon 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.

automl icon 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"

bank-management-system-using-python-and-mysql icon 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.

bca-result-analysis icon 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. šŸŽ“šŸ’”

blog-generation-using-llama2 icon 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.

book_recommender_system icon 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. šŸ“ŠšŸ”

chat-with-databases-using-rag icon 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.

cuet_mca_scores icon 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

document-qna-using-llama3-and-groq icon 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.

encryptix icon encryptix

During my Data Science internship at Encryptix, I tackled three distinct tasks: predicting Titanic survival rates, classifying Iris flowers, and detecting credit card fraud. Each project provided valuable hands-on experience in diverse aspects of data analysis and machine learning.

house-price-prediction-using-machine-learning icon house-price-prediction-using-machine-learning

This project features a web application that predicts house prices using a linear regression model. Users can enter details such as location, square foot, number of bathrooms, and bedrooms via a simple HTML form. The predictions are generated by a Flask backend that utilizes the trained model to provide accurate price estimates.

laptop-price-predictor icon 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 šŸš€"

myfiglet icon myfiglet

A simple and standalone Python module for displaying FIGlet fonts with no external dependencies. Enhance your programs with colorful and attractive text displays. Supports custom colors and a rainbow effect.

next-word-prediction-using-rnn-lstm-gru icon 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

openai-whisper-automated-hindi-speech-recognition icon 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

optimizing-linear-regression-using-genetic-algorithm icon 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.

port-scanner-from-scratch-using-python icon 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.

py4math icon py4math

A beginner-friendly Python module designed for non-math coders to solve complex math problems effortlessly. With over 50+ math formulas and a powerful search() function, this module simplifies math tasks without requiring any mathematical background.

random-string-search-using-genetic-algorithm- icon 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.

sentiment-analysis-on-movie-reviews icon 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! šŸæšŸ“Š

sentiment-analysis-using-bert icon 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

sms-spam-classifier icon 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 šŸš€āœ‰ļøšŸ“±

tcp-reverse-shell-from-scratch icon 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.

tic-tac-toe icon 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!

tinygpt icon tinygpt

This repository explores building a character-level transformer decoder in PyTorch, similar to GPT while focusing more on understanding individual components. My goal is to gain deep transformer knowledge and see if character-level learning improves handling of unseen words. The code allows for hyperparameter tuning and experiment customization.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    šŸ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. šŸ“ŠšŸ“ˆšŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ā¤ļø Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.