Giter VIP home page Giter VIP logo

Fernando's Projects

analysis_taxi_behavior_ny icon analysis_taxi_behavior_ny

In this notebook I show you an analysis of taxis behavior in September, 2015 NY. The idea of this work is to find and show you insights as well as some visualizations to understand in a better way the analysis.

analyzingdocuments icon analyzingdocuments

This project shows up the algorithm k-means implemented to cluster documents from the contest PAN CLEF 2O16 where the topics of the documentes are reviews and novels.

authorverificiation icon authorverificiation

This repository shows up a siamese arquitectue proposed to solve the problem of author verification particularly the problem about given a pair of documents decide if both are from the same author or not based on their writting style. The siamese arquitecture is composed by an assemble of two convolutional layers and a LSTM recurrent neurnal net followed by a euclidean distance.

crimes icon crimes

The purpose of this notebook is to show a deep analysis of the behavior of crimes happended in CDMX, MΓ©xico in years from 2014 to 2016.

data-visualization-cancer-dataset icon data-visualization-cancer-dataset

The idea of this notebook is to show you one way to visualize a data set for a classification task. The data set is about diagnosis of cancer based on a series of features. As mentioned above the goal is to classify if the pacient has cancer or not. However in this notebook we only focus in the visualization part.

featureselection_-_randomforest icon featureselection_-_randomforest

# Feature Selection & Random Forest-based Model In this kernel I will develop a solution by first, selecting the most relevant features and then applying a random forest to solve the classification problem

house_prices_regression_techniques icon house_prices_regression_techniques

In this work I will show you a deep analysis, data visualization and the regression aproach based on the dataset "House Prices" provided for kaggle in: https://www.kaggle.com/c/house-prices-advanced-regression-techniques/data.

kubeflow_pipelines icon kubeflow_pipelines

This repository aims to develop a step-by-step tutorial on how to build a Kubeflow Pipeline from scratch in your local machine.

machine_learning_for_disaster icon machine_learning_for_disaster

In this challenge, we ask you to complete the analysis of what sorts of people were likely to survive. In particular, we ask you to apply the tools of machine learning to predict which passengers survived the tragedy.

multilayer-perceptron-with-tensoflow icon multilayer-perceptron-with-tensoflow

This repository shows the implementation of a multilayer perceptron making use of tensorflow in python in a toy dataset to detect fertility issue. Tensorflow Python The dataset was downloaded from https://archive.ics.uci.edu/ml/datasets/Fertility#

onnx-pytorch-tf-caffe2 icon onnx-pytorch-tf-caffe2

This repository shows an example of how to use the ONNX standard to interoperate between different frameworks. In this example, we train a model with PyTorch and make predictions with Tensorflow, ONNX Runtime, and Caffe2.

polynomialcurvefitting icon polynomialcurvefitting

This code shows the implementation of polynomial curve fitting and the regularization over the parameters. In this example we are trying to fit the curve generate by the function sin(2pix), where "x" is a vector of values generated randomly under a normal distribution.

pytorch-lightning icon pytorch-lightning

This repository shows a couple of examples to start using PyTorch Lightning right away. PyTorch Lightning provides several functionalities that allow to organize in a flexible, clean and understandable way each component of the training phase of a PyTorch model

regressors_for_taxi_fare_prediction icon regressors_for_taxi_fare_prediction

The idea of this notebook is to show you an approach making use of different regressors which are: XGBoosting Random Forest Gradient Boosting Tree Ada Boost Regressor In this notebook we compare the performance of each regressor making a variation in the number of estimator for each regressor.

skorch-pytorch-wrapper icon skorch-pytorch-wrapper

This repository shows an example of the usability of SKORCH to train a PyTorch model making use of different capabilities of the scikit-learn framework.

speechrecognition icon speechrecognition

This repository contains the implementation of an Automatic Speech Recognition system in python, using a client-server architecture with Web Sockets.

stacking-blending-voting-ensembles icon stacking-blending-voting-ensembles

This repository contains an example of each of the Ensemble Learning methods: Stacking, Blending, and Voting. The examples for Stacking and Blending were made from scratch, the example for Voting was using the scikit-learn utility.

text-classification-cnn-pytorch icon text-classification-cnn-pytorch

The aim of this repository is to show a baseline model for text classification through convolutional neural networks in the PyTorch framework. The architecture implemented in this model was inspired by the one proposed in the paper: Convolutional Neural Networks for Sentence Classification.

text-classification-lstms-pytorch icon text-classification-lstms-pytorch

The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.

text-generation-bilstm-pytorch icon text-generation-bilstm-pytorch

In this repository you will find an end-to-end model for text generation by implementing a Bi-LSTM-LSTM based model with PyTorch's LSTMCells.

tracking-ml-model-mlflow icon tracking-ml-model-mlflow

This repository shows the use of MLflow to track parameters, metrics and artifacts of a pipeline on a machine learning model.

transformers icon transformers

πŸ€— Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    πŸ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. πŸ“ŠπŸ“ˆπŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❀️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.