• Stars
    star
    1
  • Language
  • License
    MIT License
  • Created about 4 years ago
  • Updated about 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

More Repositories

1

bangla-tts

Bangla text to speech, Multilingual (Bangla, English) real-time ([almost] in a GPU) speech synthesis library
Python
74
star
2

eeg-rsenet

Motor Imagery EEG Signal Classification Using Random Subspace Ensemble Network
Jupyter Notebook
31
star
3

lesion-segmentation-melanoma-tl

Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning approach with U-Net and DCNN-SVM
Jupyter Notebook
24
star
4

keras-attn_aug_cnn

Extension of the `Attention Augmented Convolutional Networks` paper for 1-D convolution operation.
Jupyter Notebook
24
star
5

text-image-denoiser

deep learning models trained to denoise/deblur text images (signle frame, multi-frame) [pytorch]
Python
20
star
6

bangla-news-rnn

Bangla news classification and generation
Jupyter Notebook
19
star
7

simple-gRPC

Simple gRPC with images in python.
Python
15
star
8

covid19-few-shot-learning

Jupyter Notebook
14
star
9

imagebert-keras

Keras implementation of ImageBERT from Microsoft
14
star
10

bangla-image-search

A dead-simple image search and image-text matching system for Bangla using CLIP
Python
12
star
11

Fibro-CoSANet

Idiopathic pulmonary fibrosis (IPF) is a restrictive interstitial lung disease that causes lung function decline by lung tissue scarring. Although lung function decline is assessed by the forced vital capacity (FVC), determining the accurate progression of IPF remains a challenge. To address this challenge, we proposed Fibro-CoSANet, a novel end-to-end multi-modal learning-based approach, to predict the FVC decline. Fibro-CoSANet utilized CT images and demographic information in convolutional neural network frameworks with a stacked attention layer. Extensive experiments on the OSIC Pulmonary Fibrosis Progression Dataset demonstrated the superiority of our proposed Fibro-CoSANet by achieving the new state-of-the-art modified Laplace Log-Likelihood score of -6.68. This network may benefit research areas concerned with designing networks to improve the prognostic accuracy of IPF.
Python
12
star
12

dot-res-lstm

Classification of ECG signals by dot Residual LSTM Network for anomaly detection
Jupyter Notebook
11
star
13

autoocr

Python wrapper for cross platform tesseract OCR engine with multiple languages (e.g. Bangla)
Python
9
star
14

keras-human-pose

A simple wrapper to localize human joints from images/video frames for multiple subjects.
Jupyter Notebook
9
star
15

bangla-CLIP

CLIP (Contrastive Language–Image Pre-training) for Bangla.
Python
9
star
16

qt-motion-analysis

A rugged Qt GUI application for processing webcam frames for ML applications (pose estimation)
Python
9
star
17

torch-speech-dataloader

A ready-to-use pytorch dataloader for audio classification, speech classification, speaker recognition, etc. with in-GPU augmentations
Python
8
star
18

hybrid-dataset-eeg

DWT with coif_2, level 3 decomposition, subject A, subject C, 5 channels, 10 features (AAC, DASDV, IEMG, MAV, MMAV2, MYOP, RMS, SSC, SM2, LOG, WL) 50 features in total, 3 classes : left hand, right hand, leg
Jupyter Notebook
8
star
19

sarcasm-detection-roberta

Sarcasm Detection using LSTM, GRU, and RoBERTa on SARC (reddit), sarcasm_v2, and iSARCASM (twitter) datasets
Jupyter Notebook
8
star
20

yolov3-anchor-clustering

Python script to run k-means clustering on any yolov3 format dataset to find appropriate anchors
Jupyter Notebook
7
star
21

paw-segmentation

🐾 Semantic segmentation of paws from cute pet images
Jupyter Notebook
7
star
22

activity-recognition-abc

SCAR-Net, Submission to the Cooking Activity Recognition Challenge, ABC: competition track
Jupyter Notebook
7
star
23

audioperm

A python library for generating different permutations of audible segments from audio files.
Jupyter Notebook
7
star
24

stock-price-lstm

Stock price prediction on Yahoo finance API data
Jupyter Notebook
6
star
25

autonomous-driving-system

'Autonomous driving system with Machine Learning' in Matlab
MATLAB
6
star
26

medical-image-TL

Medical Image Classification
Jupyter Notebook
6
star
27

awesome-speaker-recognition-verification

A curated list of awesome speaker recognition/verification papers, projects, datasets, and competition.
6
star
28

darknet-multi-gpu-parallel

running multiple darknet models in parallel in multi-gpu setup
Python
6
star
29

awesome-multilingual-large-language-models

A comprehensive collection of multilingual datasets and large language models, meticulously curated for evaluating and enhancing the performance of large language models across diverse languages and tasks.
6
star
30

What-If-Explainability

Explaining Trees (LightGBM) with FastTreeShap (Shapley) and What if tool
Jupyter Notebook
6
star
31

nlp-auto-essay-scoring

NLP Automated Essay Scoring with BERT
Jupyter Notebook
5
star
32

darknet-fastapi-modelserver

A simple fastapi model server for darknet (yolov1 to yolov4).
Python
5
star
33

onnx-face-liveness

Face liveness with ONNX runtime
Python
5
star
34

flask_restful

Templates for working with Flask-RESTful
Python
5
star
35

picast

A lightweight fast data streaming library for raspberry pi in python.
Python
5
star
36

VertexAI-notebook-demos

Notebook demos + tutorials for Vertex AI (training, deployment, explainability, monitoring, etc.)
5
star
37

Competitive-Programming

This repo contains solution to some of the problems I solved in different 'OJ's.
C++
5
star
38

EmotionsInTheWild-CNN-Benchmarks

Emotion (Context + Facial) recognition in the wild using ConvNets (EfficientNet, ResNet, ResNext)
Python
5
star
39

spark-augmentation

A robust learning scheme by proposing a novel augmentation algorithm that scales to emulate a large set of image degradation and occlusion policies
Jupyter Notebook
5
star
40

gcp-ml-certification

A study guide for preparing for the GCP Professional Machine Learning Certification in one week or less.
5
star
41

pyemotivcortexv2

Simply written emotiv cortex API v2 in python to get data from emotiv headsets
Python
4
star
42

weather-dashboard

Weather Search Dashboard
HTML
4
star
43

bangla-synthetic-license-plates

A Bangla license plates dataset (synthetic), generated with a mixture of deep learning and image processing. The labels are in darknet yolo format. [.txt, .data, .names]
4
star
44

crowdsource-voice-research

Crowdsourcing voice data for audio, speech research. Flask + Jinja2 website with waitress, nginx, and SSL (self-signed certs)
HTML
4
star
45

pikwizard-image-downloader

An image downloader for https://pikwizard.com using Selenium. Copyright-free image downloader.
Python
4
star
46

pytorch-nlp

PyTorch NLP Text Classification (BBC NEWS, StackOverflow Tags)
Jupyter Notebook
4
star
47

fastapi-dash

Simple dashboard with interactive plots with FastAPI
HTML
3
star
48

ecg-arrythmia

ECG Anomaly Detection
Jupyter Notebook
3
star
49

whitebox-attack-malware-GAN

Generating Adversarial Malware Examples for White-Box Attacks Based on GAN
Python
3
star
50

tf2-speaker-recognition

speaker recognition in tensorflow 2
Python
3
star
51

ImP-Mat

Practice codes 4 Matlab & Image Processing
MATLAB
3
star
52

ml-cheatsheets

Machine Learning Cheatsheets for quick overview.
3
star
53

speaker-verification-gmm

Speaker verification using Gaussian Mixture Model (GMM)
Jupyter Notebook
3
star
54

gpt-rl-human-feedback

2
star
55

deep-learning-goodfellow

code implementations from book deep learning by goodfellow
2
star
56

dsp-matlab-cpp

Digital Signal Processing in Matlab & C++
MATLAB
2
star
57

python-bit-tricks

Fastest bit manipulations, bit tricks, optimization code snippets in python
2
star
58

FEGPA

Face Emotion, Gaze estimation, Pose estimation Annotation tool.
2
star
59

ECAPA-TDNN-tensorflow

Unofficial tensorflow implementation of ECAPA-TDNN (Emphasized Channel Attention, Propagation and Aggregation in TDNN Based Speaker Verification)
2
star
60

paraphrase-tool

Python
2
star
61

yolov4-docker-grpc

yolov4 environment, docker, grpc server
2
star
62

tf-model-server4-yolov3

Simple code base and instructions to convert yolov3 darknet weights to tensorflow .pb to serve @ tensorflow model server
C
2
star
63

Cody-Challange

Matlab Cody
MATLAB
1
star
64

30-days-gre-preparation

Expeditious GRE preparation in a week! https://www.youtube.com/watch?v=VTKowCh43co
Python
1
star
65

ACPR

ACPR alpha, autonomous carom playing robot which improves its performance by playing matches.
MATLAB
1
star
66

activity-recognition-pose

Human Activity Recognition from Skeletal data (Pose)
1
star
67

bangla-tts-hts

HTS based bangla text to speech
Perl
1
star
68

fab-lab-python-intro-workshop

Jupyter notebook containing all the codes used in workshop and other resources
HTML
1
star
69

face-recognition-ytube

Face recognition in python3.
Jupyter Notebook
1
star
70

MOOC

The list of online courses I'm pursuing (active) and relevant docs prepared on the way.
MATLAB
1
star
71

kaldi-speaker-recognition

Dockerfile
1
star
72

leetcode-python

My leetcode solutions written in python 3
Python
1
star
73

drug-drug-interaction

Jupyter Notebook
1
star
74

fast-wavenet-mel2wav

Dummy Implementation, Will update later
Jupyter Notebook
1
star
75

yolov4-cpp-grpc

1
star
76

Code-Templates

This repo contains code templates I use for programming contest.
C++
1
star
77

online-adaptive-s-norm

Adaptive S normalization suitable for online updates
1
star
78

sre-torch

Losses and metrics for speaker recognition evaluation in PyTorch
1
star
79

pyspeech-loader

Python Speech Data Loader on GPU
1
star
80

ytb-audio-dataset-prep

Download videos from YouTube channels, bulk-convert mp4 to wav, apply vad, and store voice only audios
Python
1
star
81

remote-docker-spawn

Remotely spawning docker containers using REST API
Python
1
star
82

llama-summarization

Parameter-Efficient Fine-Tuning (PEFT) of Llama for text summarization.
1
star
83

pyspid

Python Speaker Identification with Speed
Python
1
star
84

bob-plda-docker

A docker container for bob (bob.learn.em) signal processing, machine learning, and biometrics toolkit in python 3.5
Python
1
star
85

zoom-participants-report

Generating a report with the list of participants from zoom recording file / screenshot
1
star
86

zabir-nabil.github.io

A blog on sport programming, electronics, signal processing, machine learning and some random stuffs!
1
star
87

dockerfiles-deep-learning

Simple Dockerfiles for fast deep learning experiments
Dockerfile
1
star
88

torch-audio-mobile

Support for a small set of pytorch audio operations for mobile
1
star
89

speaker-recognition-efn-torch

Speaker Recognition using EfficientNet backbone with PyTorch
1
star
90

recommender-rest-api

Python
1
star
91

free-ml-journals

List of journals in the machine learning, computer vision, biomedical image processing domain without APC
1
star
92

algoml-smd

Design and Analysis of {Algorithms, Data Structures}, and {Machine Learning Models} (for sapienmeetsdeus community)
1
star
93

static-chatbot

A simple static randomized response based chatbot
Python
1
star
94

Face-Dataset-Generator

Reads a video file, detects faces from each frame, saves the frames in some* folder and saves the cropped faces in another* folder.
MATLAB
1
star