Pinned Repositories
AI-Course
AraElectra-QuestionAnswering
Fine-tuning / pre-training AraElectra on a specific domain for QA system.
Convolutional-Neural-Network
Implementing Convolutional Neural Networks from scratch just with python and torch.Tensor for research purposes
deep-learning-coursera
Deep Learning Specialization by Andrew Ng on Coursera.
deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
DeepLearningExamples
Deep Learning Examples
DeepRL
Modularized Implementation of Deep RL Algorithms in PyTorch
denoiser
Real Time Speech Enhancement in the Waveform Domain (Interspeech 2020)We provide a PyTorch implementation of the paper Real Time Speech Enhancement in the Waveform Domain. In which, we present a causal speech enhancement model working on the raw waveform that runs in real-time on a laptop CPU. The proposed model is based on an encoder-decoder architecture with skip-connections. It is optimized on both time and frequency domains, using multiple loss functions. Empirical evidence shows that it is capable of removing various kinds of background noise including stationary and non-stationary noises, as well as room reverb. Additionally, we suggest a set of data augmentation techniques applied directly on the raw waveform which further improve model performance and its generalization abilities.
DRL
My journey in Udacity Deep Reinforcement Learning Nanodegree icluding: projects and implementation of algorithms and much more :wink:
SAC-continuous_angle
Mohammedabdalqader's Repositories
Mohammedabdalqader/Convolutional-Neural-Network
Implementing Convolutional Neural Networks from scratch just with python and torch.Tensor for research purposes
Mohammedabdalqader/DRL
My journey in Udacity Deep Reinforcement Learning Nanodegree icluding: projects and implementation of algorithms and much more :wink:
Mohammedabdalqader/SAC-continuous_angle
Mohammedabdalqader/AI-Course
Mohammedabdalqader/AraElectra-QuestionAnswering
Fine-tuning / pre-training AraElectra on a specific domain for QA system.
Mohammedabdalqader/deep-learning-coursera
Deep Learning Specialization by Andrew Ng on Coursera.
Mohammedabdalqader/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
Mohammedabdalqader/DeepLearningExamples
Deep Learning Examples
Mohammedabdalqader/DeepRL
Modularized Implementation of Deep RL Algorithms in PyTorch
Mohammedabdalqader/denoiser
Real Time Speech Enhancement in the Waveform Domain (Interspeech 2020)We provide a PyTorch implementation of the paper Real Time Speech Enhancement in the Waveform Domain. In which, we present a causal speech enhancement model working on the raw waveform that runs in real-time on a laptop CPU. The proposed model is based on an encoder-decoder architecture with skip-connections. It is optimized on both time and frequency domains, using multiple loss functions. Empirical evidence shows that it is capable of removing various kinds of background noise including stationary and non-stationary noises, as well as room reverb. Additionally, we suggest a set of data augmentation techniques applied directly on the raw waveform which further improve model performance and its generalization abilities.
Mohammedabdalqader/hatched-area-calculation-camera-coverage-visualization
Mohammedabdalqader/Hey-Jetson
Automatic Speech Recognition for the Nvidia Jetson.
Mohammedabdalqader/kaldi-tuda-de
Scripts for training general-purpose large vocabulary German acoustic models for ASR with Kaldi.
Mohammedabdalqader/keras-language-modeling
:book: Some language modeling tools for Keras
Mohammedabdalqader/kiteam-workshops
Mohammedabdalqader/LawGPT
Mohammedabdalqader/NeMo
NeMo: a toolkit for conversational AI
Mohammedabdalqader/NeMo-Guardrails
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
Mohammedabdalqader/pytorch-chatbot
Simple chatbot implementation with PyTorch.
Mohammedabdalqader/pytorch-pretrained-BERT
The Big-&-Extending-Repository-of-Transformers: PyTorch pretrained models for Google's BERT, OpenAI GPT & GPT-2 and Google/CMU Transformer-XL.
Mohammedabdalqader/rasa-core-and-nlu-docker-compose
Rasa core and rasa nlu enviroment for local enviroment
Mohammedabdalqader/rasa_core
🤖 Open source chatbot framework with machine learning-based dialogue management - Build contextual AI assistants
Mohammedabdalqader/Research_in_Computer_Vision-Test-Version
Mohammedabdalqader/RNNAssignment
Mohammedabdalqader/Robotics
Udacity Nanodegree: Robotics Software Engineer
Mohammedabdalqader/robotics-coursework
🤖 Places where you can learn robotics (and stuff like that) online 🤖
Mohammedabdalqader/Robotics-Software-Engineer-Udacity
Udacity's Robotics Software Engineer Nanodegree Projects
Mohammedabdalqader/text2digits
Converts text such as "twenty three" to number/digit "23" in any sentence
Mohammedabdalqader/udacity-deep-reinforcement-learning
My solutions to the projects (and mini-projects) of the Deep Reinforcement Learning Nanodegree by Udacity
Mohammedabdalqader/visual-pushing-grasping
Train robotic agents to learn to plan pushing and grasping actions for manipulation with deep reinforcement learning.