Pinned Repositories
Adversarial-Task
Generative Adversarial Networks test from Coursera's Advanced Machine Learning. Executed on Colab.
BERT_from_scratch
Training a BERT model from scratch.
Dynamic-Programming
Algorithms for Policy Evaluation, Estimation of Action Values, Policy Improvement, Policy Iteration, Truncated Policy Evaluation, Truncated Policy Iteration, Value Iteration . From Udacity's Deep Reinforcement Learning Nanodegree program.
GPT_from_scratch
Very simple implementation of GPT architecture using PyTorch and Jupyter.
Inception-V3
Fine-tuning InceptionV3 for flowers classification. From Coursera's Advanced Machine Learning - Intro to Deep Learning course. Trained using Google Colab.
MNIST-digits-classification-with-TF-Linear-Model-and-MLP
Code from Coursera Advanced Machine Learning specialization - Intro to Deep Learning - week 2.
Orca2
Orca 2 on Colab
TF2_MobileNetV2_TransferLearning
MobileNet V2 transfer learning with TensorFlow 2.
Udacity-Artificial-Intelligence-Nanodegree
Projects from Udacity's Artificial Intelligence Nanodegree (August 2017 cohort) - TERM 1.
webchatgpt
Web-based chatbot using OpenAI's GPT and Gradio
antonio-f's Repositories
antonio-f/Adversarial-Task
Generative Adversarial Networks test from Coursera's Advanced Machine Learning. Executed on Colab.
antonio-f/Dynamic-Programming
Algorithms for Policy Evaluation, Estimation of Action Values, Policy Improvement, Policy Iteration, Truncated Policy Evaluation, Truncated Policy Iteration, Value Iteration . From Udacity's Deep Reinforcement Learning Nanodegree program.
antonio-f/MonteCarlo-methods
Monte Carlo methods for Reinforcement Learning (from Udacity's "Deep Reinforcement Learning Nanodegree Program").
antonio-f/Named-Entity-Recognition
Recognize named entities on Twitter with LSTMs. From the Natural Language Processing course - Coursera's Advanced Machine Learning specialization.
antonio-f/Autoencoders
Autoencoders test from Coursera's Advanced Machine Learning - Intro to Deep Learning course.
antonio-f/Big-Data-Analysis-with-Scala-and-Spark
Coding assignments from the course "Big Data Analysis with Scala and Spark" (Coursera).
antonio-f/Building_a_Recurrent_Neural_Network_Step_by_Step
Building a Recurrent Neural Network Step by Step
antonio-f/Deep-Neural-Network-for-Image-Classification
Simple application of Deep Neural Network for image classification.
antonio-f/Deep_Q-Network
Deep Q-Network example from Udacity's Deep Reinforcement Learning Nanodegree.
antonio-f/Find-Duplicate-Questions
Find duplicate questions on StackOverflow by their embeddings. From the Natural Language Processing course - Coursera's Advanced Machine Learning specialization.
antonio-f/Generating-names-with-RNN
Generating names with recurrent neural networks test (from Coursera's Advanced Machine Learning - Intro to Deep Learning course).
antonio-f/Multilabel-Classification
Predict tags on StackOverflow with linear models - Week 1 assignment of Coursera's Natural Language Processing course from the Advanced Machine Learning Specialization.
antonio-f/simple_pytorch_chatbot
Simple Chatbot using PyTorch
antonio-f/Autograd-Tutorial
Pytorch Autograd Tutorial: contains the official tutorial notebook (autograd_tutorial.ipynb) with a couple of basic examples added.
antonio-f/Building_your_Deep_Neural_Network_Step_by_Step
antonio-f/ConvolutionModel-Application
Second assignment of the course "Convolutional Neural Networks", course #4 of the Deep Learning Specialization (Coursera).
antonio-f/Dinosaurus_Island-Character_level_language_model
Text generation from Coursera deeplearning.ai "Sequence Models" course.
antonio-f/DNN-MNIST
Basic Neural Network, MNIST dataset
antonio-f/Easy_Naive_Bayes
Easy Naive Bayes method implementationfor the Spam Filtering problem (using Python)
antonio-f/Image-Processing-for-Nuclei-Detection-1
Image processing for automatic nuclei detection. Dataset: 2018 Data Science Bowl (https://www.kaggle.com/c/data-science-bowl-2018).
antonio-f/IMDB-Keras
Analyzing IMDB Data in Keras
antonio-f/Improvise_a_Jazz_Solo_with_an_LSTM_Network
Project from Coursera's "Sequence Models" deep learning course
antonio-f/Initialization
antonio-f/Keras101-StudentAdmissions
Predicting Student Admissions with Neural Networks in Keras
antonio-f/Neural-Style-Transfer
Assignment from "Convolutional Neural Networks", course #4 of Deep Learning Specialization (Coursera).
antonio-f/Operations-on-word-vectors
Assignment from Coursera's "Sequence Models" course. Some equations have typos, please refer to implemented equations.
antonio-f/ridge_regression_example
Easy Ridge Regression example
antonio-f/Simple-DNN-with-TensorFlow2
Simple Deep Neural Network with TensorFlow2
antonio-f/Simple-K-Nearest-Neighbors
Simple K-Nearest Neighbors using partial sort
antonio-f/TD-methods-SARSA
Temporal Difference methods - A simple implementation of SARSA algorithm applied to OpenAI gym's "CliffWalking" environment.