Pinned Repositories
Breast-Cancer-Detection
This repository contains a comprehensive implementation for the classification of breast cancer cases as benign or malignant. The performance of each algorithm is evaluated using accuracy, precision, recall, and F1-score metrics, and the best-performing algorithm is chosen based on these results.
Computer-Vision-Mini-Projects
Here are mini programs on computer vision implemented using opencv
Deepfake-Sentinel-EfficientNet-on-Duty
A deep learning model for deepfake detection using Python, Keras, and TensorFlow. The model leverages an optimized version of the EfficientNet architecture and is trained on extensive deepfake datasets
Diabetes-classification
Diabetes classification typically involves predicting whether a person has diabetes or not based on various features or risk factors such as glucose levels, insulin levels, age, BMI, blood pressure, etc.
Encoder-Transformer-From-Scratch-in-C
This repository implements an end to end encoder transformer model completely from scratch in C
File-Compression-using-Rust
File compression using flate2 external cargo of rust. Simple, easy to use.
Llama2-powered-Scalable-SAAS-project-implemented-using-MERN-stack
A Scalable SaaS AI web app using MERN Stack andLlama2 model. leverages MongoDB, Express.js, React, and Node.js to create a high-performance, scalable Software as a Service solution. Ideal for modern web applications, it's designed for efficiency and adaptability. Explore, collaborate, and harness the power of AI with this project
Natural-Language-Processing-Techniques-For-Depression-Diagnosis
Trained on thousands of reddit posts, the aim of this project is to build a natural language processing classifier which takes a person's text data as input and determines if the person is suffering from the ailment of depression or not.
Predict-your-lifespan-from-general-everyday-factors-via-machine-learning
This software that has 2 applications. First is to estimate your life expectancy and second is to create an interactive health report. Used matplotlib, searborn, tensorflow, keras, numpy, pandas. There are 2 different versions (each version in a unique branch in repo). Initial version is in Tkinter and improved version is in Django
Work-on-Covid-19-patient-Lung-X-ray-Image-dataset
This project aimed to create a sharp and capable deep learning model to classify an X-ray image of lung into a person to 3 categories: normal , covid 19 patient , Viral Pneumonia
KartikeyBartwal's Repositories
KartikeyBartwal/End-to-End-Text-Analysis-using-NLP-techniques
This is a module created for end-to-end text analysis using natural language processing. It does the following:
KartikeyBartwal/Multi-Lingual-Named-Entity-Recognition-System
Multilingual Named Entity Recognition (NER) system, powered by RoBERTa, benchmarked against the industry-standard XTREME, utilizes the PAN-X training dataset. Tailored for multinational corporations, financial institutions, and government agencies, it ensures superior accuracy in extracting insights from diverse multilingual data for organizations.
KartikeyBartwal/Node-RZ-NLP-and-ML-Part
KartikeyBartwal/-College-Work-Assignment-1
KartikeyBartwal/Chainlit-Chat-App
KartikeyBartwal/Decision-Tree-Support-Vector-Machine-and-Logistic-Regression-Implemented-From-Scratch-
KartikeyBartwal/E-commerce-react-project
KartikeyBartwal/Ecommerce-using-React
KartikeyBartwal/End-to-End-Kidney-Disease-Diagnosis
Kidney Disease Classification with MLflow & DVC! This project builds a pipeline for classifying kidney disease using machine learning. It involves setting up the environment, tracking experiments with MLflow & pipelines with DVC, and creating a user application
KartikeyBartwal/FEE-Class-Work-yeee
KartikeyBartwal/Fine-Tune-a-Vision-Transformer-to-recognise-Pokemon-Cards
Identifying Pokemon cards, whether for collecting, playing, or trading, can be a challenge, especially for newer trainers. But fear not, for the power of deep learning, specifically Vision Transformers (ViTs), can lend a helping hand! In this guide, we'll explore how to fine-tune a ViT to become your own personal Pokemon card recognition champion.
KartikeyBartwal/Fine-Tuning-DistilBert-Transformer-for-Deep-Sentiment-Analysis
Fine-Tuning DistilBERT Transformer for Deep Sentiment Analysis" involves customizing the pre-trained model for sentiment classification through supervised learning with labeled data, enabling nuanced sentiment analysis solutions.
KartikeyBartwal/Flood-Estimation-Kaggle-Competition
KartikeyBartwal/Full-Fledged-Eccomerce-Machine-Learning-System
KartikeyBartwal/Generative-Adversial-Network-
KartikeyBartwal/Github-Profile-Viewer
4th Semester Project of Front End Engineering 2, done by - @JatinJaglan347, @Bowlpulp, @KartikeyBartwal, and @Jassi2004
KartikeyBartwal/JP-Backend
KartikeyBartwal/LLM-Model-Response-Ranking-BERT-Model-
KartikeyBartwal/Logistic-Regression-from-Scratch
KartikeyBartwal/node-red-open-source-contribution
Low-code programming for event-driven applications
KartikeyBartwal/Node-RIZZ-Machine-Learning-
KartikeyBartwal/Node-RZ-NLP
KartikeyBartwal/Note-Making-App-using-React-my-Back
KartikeyBartwal/Open-AI-Clone
KartikeyBartwal/Search-Bar
KartikeyBartwal/social-service
If you like my contribution, kindly purchase this boioee a coffee :)
KartikeyBartwal/Stock-Price-Prediction-on-Yahoo-Finance-Stocks
Predict stock prices using LSTM neural networks. Utilizes NumPy, Pandas, TensorFlow, Keras for data handling. Fetch data from Yahoo Finance with yahoofinancials and yfinance. Streamlit for UI, Matplotlib for visualizations. Input ticker, configure model, analyze predictions.
KartikeyBartwal/Stroke-Prediction-and-Brain-Tumor-Classification
Stroke Prediction and Brain Tumor Classification are medical tasks aiming to predict the likelihood of a stroke occurrence and classify brain images to identify the presence of tumors, aiding in diagnosis and treatment decisions.
KartikeyBartwal/Text-Classifier-Using-Llama3-
Llama3 has a context window of 6000 tokens
KartikeyBartwal/Wholistic-Text-Summarization-using-NLP-Transformers-