Pinned Repositories
active_crowd_analysis
Active Crowd Analysis: Pandemic Risk Mitigation for the Blind or Visually Impaired
autodecoder_ensemble_net_for_3D_objects
An Encoder-less Decoder Ensemble Deep Neural Network for extraction of for 3D shape descriptors
color_matching_and_skin_detection
Color matching and detection, skin and finger detection with opencv
donut
Official Implementation of OCR-free Document Understanding Transformer (Donut) and Synthetic Document Generator (SynthDoG), ECCV 2022
face_registration_and_recognition_milvus
Face registration and recognition system built with Docker, Uvicron+Fastapi, Milvus, Redis, and mariadb-mysql
fast_person_segmentation
Deployment optimized fast person segmentation module in python and cpp
ritpytrading
Python trading module for the Rotman Interactive Trader
TCP_implementation
TCP simplified implementation with congestion control and congestion avoidance.
yolov5_adversarial
Generate adversarial patches against YOLOv5 🚀
yolov5_export_cpu
Exporting YOLOv5 for CPU inference with ONNX and OpenVINO
SamSamhuns's Repositories
SamSamhuns/yolov5_adversarial
Generate adversarial patches against YOLOv5 🚀
SamSamhuns/face_registration_and_recognition_milvus
Face registration and recognition system built with Docker, Uvicron+Fastapi, Milvus, Redis, and mariadb-mysql
SamSamhuns/yolov5_export_cpu
Exporting YOLOv5 for CPU inference with ONNX and OpenVINO
SamSamhuns/ritpytrading
Python trading module for the Rotman Interactive Trader
SamSamhuns/color_matching_and_skin_detection
Color matching and detection, skin and finger detection with opencv
SamSamhuns/face_detection_and_recognition
Face Detection and Recognition system
SamSamhuns/ml_data_processing
ML data processing (For Computer Vision)
SamSamhuns/musical_python
Creating artificial music though LSTM Recurrent Neural Networks
SamSamhuns/custom-copilot
Custom Copilot extension for vscode with custom LLM endpoints
SamSamhuns/ml_sentiment_analysis_etl
ETL Data pipeline to download tweets using Tweepy and the twitter-streaming-api, save in an MySQL db, and analyze tweet sentiments.
SamSamhuns/pytorch_project_template
Template for creating pytorch training and testing code
SamSamhuns/fast_person_segmentation
Deployment optimized fast person segmentation module in python and cpp
SamSamhuns/restaurant_app_sh_mem
A restaurant application to demonstrate the concept of shared memory and semaphores.
SamSamhuns/adtar
BSD based utility to archive, and store different versions of files and selectively extract them.
SamSamhuns/covid_19_hate_speech
SamSamhuns/EasyOCR
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
SamSamhuns/financial_utility_applications
Contains a list of software utilities and programs for financial calculations.
SamSamhuns/llm-rag-chatbot
LLM based RAG chatbot for different documents with Langchain, Milvus vectorDB, MongoDB, and Redis caching with dockerized services
SamSamhuns/ml_algo_implementations
Implementation of deep NNs, CNNs, RNNs, KNN, K-means, SVM, PCA, decision trees, linear and logistic regressions
SamSamhuns/openvino_person_det_track_and_classify
Person Detection, Tracking and Action Classification Example presented in OpenVINO
SamSamhuns/deep_svdd_torch
Deep SVDD PyTorch
SamSamhuns/human_body_proportion_estimation
Human body proportion estimation with deep learning and geometric modelling methods
SamSamhuns/invoice_gen_java
Repo to generate artificial Semi-Structure-Documents (SSDs) such as invoices, receipts, etc
SamSamhuns/log_analyzer_with_llms_and_sql
A log summarizer api service using uvicorn, fastapi, mysql and llms
SamSamhuns/manp
Command-line utility for quickly loading manual pages for all Python Standard Library functions. Similar to how `man printf` works for C/C++ functions.
SamSamhuns/ml_dnn_audio_classification
PyTorch template repo for audio-based deep learning
SamSamhuns/music_recommendation_app
Music recommendation and generation
SamSamhuns/tensorflow_training
Training image/feature classification models with TensorFlow
SamSamhuns/tensorflow_video_clsf
Video Classification with Tensorflow
SamSamhuns/yolov7_adversarial
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors