Pinned Repositories
3D-Convs-for-MRI-Classification
Gender classification on 3D IXI Brain MRI dataset with Keras and Tensorflow
Chatbot-with-TensorFlow-and-Keras
Chatbot using Seq2Seq model and Attention
IBM-final-project-Machine-Learning
Final project of IBM's course https://www.coursera.org/learn/machine-learning-with-python on coursera
Image-Captioning-with-Beam-Search
Generating image captions using Xception Network and Beam Search in Keras - My Bachelor's thesis project
jump-start-machine-learning
Resources for starting the Machine learning and Deep learning.
Kaggle-House-Prices-Advanced-Regression-Techniques
House Prices: Advanced Regression Techniques - Kaggle competition
Rock-Segmentation-Artificial-Lunar-Landscape
Kaggle's Photorealistic images of the Moon's surface with ground truth rock segmentation.
Simpson-face-generator-DCGAN-pytorch
Generating simpson faces using Deep Convolutional Generative Adversarial Networks, written in PyTorch.
Transformers-for-abstractive-summarization
Abstractive Text Summarization with Transformer networks implemented (from scratch) using Keras and Tensorflow
Virus-DNA-classification-BERT
Classification of 6 viruses including covid-19 based on their DNA sequences using Transformers
Moeinh77's Repositories
Moeinh77/IBM-final-project-Machine-Learning
Final project of IBM's course https://www.coursera.org/learn/machine-learning-with-python on coursera
Moeinh77/Transformers-for-abstractive-summarization
Abstractive Text Summarization with Transformer networks implemented (from scratch) using Keras and Tensorflow
Moeinh77/Image-Captioning-with-Beam-Search
Generating image captions using Xception Network and Beam Search in Keras - My Bachelor's thesis project
Moeinh77/Virus-DNA-classification-BERT
Classification of 6 viruses including covid-19 based on their DNA sequences using Transformers
Moeinh77/Chatbot-with-TensorFlow-and-Keras
Chatbot using Seq2Seq model and Attention
Moeinh77/jump-start-machine-learning
Resources for starting the Machine learning and Deep learning.
Moeinh77/3D-Convs-for-MRI-Classification
Gender classification on 3D IXI Brain MRI dataset with Keras and Tensorflow
Moeinh77/AndroidWorkShop
BASU Android programming jump start workshop . October 17,2018
Moeinh77/DeepLearningWorkShop
Deep learning workshop at BASU 9, may, 2019
Moeinh77/blog_posts_codes
This repo contains the source of the tutorial blog posts I write
Moeinh77/Pet-face-recognition-Retinanet-keras
Object detection using Retinanet with Keras on PETIII Oxford dataset.
Moeinh77/X-ray-chest-pneumonia-with-Keras
Pneumonia detection with TensorFlow and Keras using transfer learning, Learning_rate_finder and cyclical fit.
Moeinh77/Moeinh77
Config files for my GitHub profile.
Moeinh77/3DUnetCNN
Pytorch 3D U-Net Convolution Neural Network (CNN) designed for medical image segmentation
Moeinh77/awesome-mlops
:sunglasses: A curated list of awesome MLOps tools
Moeinh77/coursera-machine-learning-engineering-for-prod-mlops-specialization
Programming assignments and quizzes from all courses within the Machine Learning Engineering for Production (MLOps) specialization offered by deeplearning.ai
Moeinh77/DenseNetFCN-3D
A 3D implementation of DenseNet & DenseNetFCN
Moeinh77/DNA-sequene-classificaiton
Classification of Splice Junction sites using Neural Networks with Python and Keras
Moeinh77/DNABERT
DNABERT: pre-trained Bidirectional Encoder Representations from Transformers model for DNA-language in genome
Moeinh77/Gene-Classification-Python
Classification of genes from DNA sequence data using Python and SKLearn
Moeinh77/gpt-2-simple
Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts
Moeinh77/Intro_to_Machine_Learning_in_Production_DeepLearning.AI_Coursera
Moeinh77/keras-resnet3d
Implementations of ResNets for volumetric data, including a vanilla resnet in 3D.
Moeinh77/pytorch-3dunet
3D U-Net model for volumetric semantic segmentation written in pytorch
Moeinh77/pytorch_resnet_cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.
Moeinh77/R_small_projects
A repository for my experiments with R and Bioinformatics
Moeinh77/small_projects
Small projects I have done that I did not want to create separate repositories for them
Moeinh77/Twitter_sentiment_analysis_distilBert
Moeinh77/utils
tools and prewritten codes I use for DL and ML
Moeinh77/Vision-Course