Skip to content
View KaushiML3's full-sized avatar

Block or report KaushiML3

Block user

Prevent this user from interacting with your repositories and sending you notifications. Learn more about blocking users.

You must be logged in to block users.

Please don't include any personal information such as legal names or email addresses. Maximum 100 characters, markdown supported. This note will be visible to only you.
Report abuse

Contact GitHub support about this user’s behavior. Learn more about reporting abuse.

Report abuse
KaushiML3/README.md

image

πŸ“ˆ GitHub Stats

πŸ“Š GitHub Activity Graph

FRAMEWORKS AND TOOLS


image

PROJECTS


Personal and R&D projects

πŸ” Computer vision

Children and Adults Detection for Safety Camera System | 2024 |

Safety Camera System Developed an AI-powered safety camera system that detects adults and children in real-time while analyzing children's behavior. The system enhances security by sending instant alerts to parents or guardians, ensuring proactive monitoring in homes, schools, and public spaces. Using state-of-the-art deep learning models, the system accurately identifies individuals and behaviors, reducing safety risks and enabling timely interventions.
Technologies Used:
YOLO, DETR, Faster R-CNN, SSD, Computer Vision, Deep Learning
Project Impact:
Designed and developed the detection model, ensuring high accuracy and real-time performance, improving child safety monitoring and parental awareness.
Demo project Github Repository:Click Here

cucumber leaf diseases classification

  • Cucumber leaves are susceptible to various diseases, primarily fungal and bacterial. Common issues include powdery mildew, which forms white, powdery spots on leaves, and downy mildew, characterized by yellow patches and a fuzzy underside. Anthracnose causes dark, sunken spots on leaves and fruit, while angular leaf spot results in water-soaked lesions that become angular and brown.Bacterial wilt, spread by cucumber beetles, causes leaves to wilt and die. Proper spacing, crop rotation, and the use of resistant varieties can help manage these diseases, along with timely fungicide or bactericide applications.

  • Technologies Used
    • Custom CNN Architecture – Designed a specialized deep learning model for disease classification
    • VGG16 : Leveraged a pre-trained model for feature extraction and enhanced accuracy
    • Computer Vision: Image processing for disease identification
    • Deep Learning (TensorFlow/Keras): Training and fine-tuning the model for classification

Developed a custom architecture and fine-tuned VGG16, improving disease detection accuracy.Enabled early disease identification, helping farmers take preventive action and reduce crop loss.

Multilabel Classification CNN and Vision-Transformer

  • This repository implements an Image Multi-Label Classification model, which can identify multiple labels in a single image. Unlike traditional image classification, where an image is assigned a single category, multi-label classification allows an image to have multiple labels simultaneously.

Tranfer Learning - Vision Transformer:

  • Vision Transformers (ViTs) are a type of neural network architecture designed primarily for processing images. Unlike traditional convolutional neural networks (CNNs), which process images in a hierarchical manner, ViTs apply self-attention mechanisms to capture global dependencies between image patches. This allows them to achieve strong performance on various computer vision tasks without relying on convolutional layers. ViTs have gained popularity for their ability to handle long-range dependencies effectively, making them suitable for tasks like image classification, object detection, and segmentation. The original Vision Transformer developed by Google. It divides images into patches, processes them as tokens, and applies transformer layers.This repository include how to fine tune the vision transformer model.
  • Github Repository:Click Here

πŸ“– Natural Language Processing

Sentiment Analysis & Automated Reply System for Shopping App |2024|

  • Developed an AI-powered sentiment analysis and automated reply system for a shopping app to enhance customer interaction and support. The system analyzes customer feedback in real time, classifies sentiments (positive, neutral, negative), and triggers automated responses based on sentiment categories. By leveraging a fine-tuned DistilBERT model, the system ensures high accuracy in understanding customer emotions and delivering relevant responses. This solution improves customer satisfaction, reduces response time, and optimizes customer engagement.

  • sentiment analysis DistilBERT model demo

  • Technologies Used

    • DistilBERT: Lightweight transformer-based model for sentiment classification
    • LoRA (Low-Rank Adaptation): Efficient fine-tuning technique for optimizing DistilBERT
    • Hugging Face Transformers: Model training, fine-tuning, and deployment
    • NLP (Natural Language Processing): Text analysis and sentiment detection
    • Python: Backend implementation and integration
    • FastAPI: Lightweight API framework for deploying sentiment analysis and automated responses
  • Project Impact

    • Fine-tuned the DistilBERT model using LoRA, improving sentiment classification accuracy with efficient parameter updates.
    • Optimized real-time sentiment detection, enabling instant automated responses to customer feedback.
  • Demo project Github Repository: Click Here

  • Demo project Hugging face space: Click Here

Simple NLP projects

  • Language Detection: A model that identifies the language of a given text, enabling automated localization and multilingual processing.
  • Spam Message Detection: A system that classifies messages as spam or not, helping to filter unwanted content and improve communication efficiency.
  • Suspicious URL Detection: A model that detects malicious or suspicious URLs, enhancing security by identifying potential phishing attempts or harmful websites.
  • Obfuscated JavaScript Detection: A tool to analyze and detect obfuscated JavaScript code, helping to identify potentially malicious scripts in web applications.

Transformer Language translation

-This repository contains a Transformer-based language translation model trained to translate Portuguese to English. The implementation follows a simplified approach using TensorFlow/Keras and includes a Jupyter Notebook demonstrating training on a small dataset for quick experimentation

πŸ€– Audio and other

Numerical audio authentication system Deep learning.

  • This project implements a deep learning-based voice number authentication system using CNN and a Siamese Network. It verifies spoken numbers by comparing voice embeddings to reference samples. The model extracts audio features (MFCC, spectrogram) using CNN and determines similarity through a Siamese architecture.

Deepfake voice detection

  • This project contains a machine learning-based system to detect deepfake (synthetic) voices. The system utilizes audio feature extraction techniques such as YAMNet and deep learning models (ANN, CNN, RNN) to differentiate between real and fake audio.

libfinder

  • libfinder is a simple Python package that helps check if a library is installed in your python jupyter environment.
  • Github Repository:Click Here

AWS Elastic beanstalk _EC2_ECR-Demo

  • This repository contains the source code and deployment configuration for simple python app, a web-based platform for project management. The application is hosted on AWS, leveraging the power of cloud infrastructure for scalability, reliability, and performance

USED MODEL AND ARCHITECTURES


Natural Language Processing Computer Vision Audio Other
β€’ LSTM, BiLSTM, GRU
β€’ BERT
β€’ T5
β€’ GPT
β€’ Llama
β€’ spaCy
β€’ Hugging Face
β€’ CNN 2D
β€’ VGG16
β€’ ResNet50
β€’ Vision Transformer
β€’ YOLO
β€’ DETR
β€’ Faster R-CNN
β€’ SSD
β€’ YamNet
β€’ Wav2Vec
β€’ Whisper
β€’ Kaldi
β€’ EasyOCR
β€’ Keras OCR
β€’ Tesseract OCR
β€’ Google Cloud Vision OCR
β€’ Amazon Textract

🌐 CONTACT INFORMATIONs


Thank you for visiting my profile! Feel free to explore, contribute, or reach out for collaborations! πŸ™Œ

Popular repositories Loading

  1. Cucumber-Leaf-Disease-Classification-CNN-VGG16-VIT Cucumber-Leaf-Disease-Classification-CNN-VGG16-VIT Public

    This repository includes resources for training a deep learning model to classify cucumber leaf diseases using custom architecture and VGG16

    Jupyter Notebook

  2. KaushiML3 KaushiML3 Public

  3. AWS_Elastic_beanstalk_EC2_ECR_Demo AWS_Elastic_beanstalk_EC2_ECR_Demo Public

    This repository contains the source code and deployment configuration for simple python app, a web-based platform for project management. The application is hosted on AWS, leveraging the power of c…

    Python

  4. Kids_and_Adults_detection-faster-RCNN_yolo_Detr Kids_and_Adults_detection-faster-RCNN_yolo_Detr Public

    This repository contains the code and resources for developing a deep learning model to detect and classify individuals as kids or adults in images or videos.

    Jupyter Notebook

  5. Vision_Transformer_Transfer_Learning Vision_Transformer_Transfer_Learning Public

    This repository include the ViTs. Vision Transformers (ViTs) are a type of neural network architecture designed primarily for processing images.

    Jupyter Notebook

  6. Multilabel-Classification_CNN_and_Vision-Transformer Multilabel-Classification_CNN_and_Vision-Transformer Public

    This repository implements an Image Multi-Label Classification model, which can identify multiple labels in a single image.

    Jupyter Notebook