• Stars
    star
    2
  • Language
    Jupyter Notebook
  • License
    GNU Lesser Genera...
  • Created over 4 years ago
  • Updated over 4 years ago

Reviews

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

Repository Details

In this Repo,first I will cover fully convolutional networks and semantics segmentation, then I'll apply these concepts and techniques to train and supervise semantic segmentation network.

More Repositories

1

Counting-Trees-using-Satellite-Images

This study investigates the aspect of localizing and counting trees using satellite images to create an inventory of incoming and outgoing trees for an annual tree inspections.
Jupyter Notebook
67
star
2

Pix2Pix-for-Semantic-Segmentation-of-Satellite-Images

The presented experiment aims at using Pix2Pix network to segment the building footprint from Satellite Images.
Jupyter Notebook
52
star
3

Prediction-Phase-in-the-trajectory-generation-of-cars

In general, the way we think about handling multi-modal uncertainty is by maintaining some beliefs about how probable each potential mode is.
C++
16
star
4

Programm-An-Autonomous-Vehicle-in-ROS

In the project I am going to programm a car to drive itself around the test track using components of the perception, planning and control subsystems which will be implemented in the Robot Operation System.
CMake
16
star
5

Software-Engineering-Practices-in-Data-Science.

This Repo is about the practices of software engineering and how they apply in data science.
Jupyter Notebook
12
star
6

Behavior-Planning-by-Finite-State-Machine

In this section I am going to teach an approach to behavior planning that uses something called a Finite State Machine to solve the behavior planning problem.
Jupyter Notebook
10
star
7

COVID-19-Data-Dashboard

This is a flask app that visualizes data from the COVID-19 API. Data is pulled directly from the API and then visualized using Plotly.
Python
9
star
8

A-new-efficient-lightweight-semantic-segmentation-Network

The E-UNet is a powerful architecture for real-time semantic segmentation, especially if one wants to run it in low-resource embedded systems.
Jupyter Notebook
8
star
9

Extended-Kalman-Filter-for-Sensor-Fusion-Radar-and-Lidar

The goal of this project is to use a Extended Kalman Filter to estimate the state of a moving object of interest with noisy lidar and radar measurements.
C++
6
star
10

NLP-and-Pipelines

This Repo give you an overview of how to design an end-to-end NLP pipeline.
Jupyter Notebook
6
star
11

Recommendation-Systems

In this Repository, I will be working with the MovieTweetings data to create three type of recommendations (Knowledge Based Recommendations, Collaborative Filtering Recommendations and Content Based Recommendations) to recommend movies to users.
Jupyter Notebook
6
star
12

Polygonization-of-Segmentation-Networks

Jupyter Notebook
5
star
13

A-B-Testing-Case-Study

5
star
14

Search-Algorithms-A-Star-and-Dynamic-Prgramming

In the repository we will learn some of the foundational search algorithms(A* and dynamic Prgramming) used in discrete path planning.
Jupyter Notebook
5
star
15

Machine-Learning-Pipelines

In this Repo, I am going to implement a message classifier by automating the machine-learning workflows with pipelines using the dataset of corporate messaging as a case study
Jupyter Notebook
5
star
16

Batch-Layer-Normalization

Jupyter Notebook
4
star
17

Data-Mining-and-AI-Resources

4
star
18

Particle-Filters

In this section, you will learn about particle filters for estimating the state of a system
Jupyter Notebook
3
star
19

Motion-Model-of-a-Car

Motion models are description of the physics of a vehicle.
3
star
20

Generative-Adversarial-Network--GAN-

In this Repo I will explain and code the mathematical principles of the
Jupyter Notebook
3
star
21

Trajectory-Generation

In this lesson, I'm going to teach you about continuous trajectory planning and more specifically, how to generate drivable trajectories.
C++
3
star
22

Data-Science-Process

This Repo is about the process used for many data science problems. This will serve us as a useful guide on how to approach future data science problems.
Jupyter Notebook
3
star
23

Prostate-Segmentation

In this repository, I tried to segment prostate images (MRI) using Deep Learning networks.
Jupyter Notebook
3
star
24

Traditional-Object-Detection

Image classification is tricky and it becomes even trickier when you don't know exactly where in an image my objects of interest will appear or what size they'll be or even how many of them you might find.
Jupyter Notebook
3
star
25

Analyse-Disaster-Data

In this Repos I am going to analyze disaster data from Figure Eight to build a natural language classification model for an API that classifies disaster messages.
Jupyter Notebook
3
star
26

Data-Visualization-in-Data-Science-Process

Thes Repo is intended as a overview of Data Visualization and introduces some of its most important features.
Jupyter Notebook
3
star
27

Anomaly-Detection

How to detect anomalies in a dataset
Jupyter Notebook
2
star
28

Introduction-To-Numpy-and-Pandas

This repo is about introductions to Numpy and Pandas with the exercises as they are used in data science.
Jupyter Notebook
2
star
29

ETL-Data-Pipelines

The end goal of this Repo is to create an ETL pipeline to extract, transform, and load the data from the World Bank Website into a new database.
Jupyter Notebook
2
star
30

Implement-a-particle-filter-in-the-context-of-Cplus

You know what particle filter is and how it works. In this lesson, you learn some important implementation details. Afterwards you will be able to understand how to implement a particle filter in the context of C++.
C++
2
star
31

Sentiment-Analysis

Sentiment Analysis with logistic Regression and Fully Connected layer and LSTM (Tensorflow)
Jupyter Notebook
2
star
32

Spam-Classifier-with-Naive-Bayes

In this this repository I will be using the Naive Bayes algorithm to create a model that can classify SMS messages as spam or not spam.
Jupyter Notebook
2
star
33

Face-Detection-and-Verification

In this Repositiory, the goal is to code networks that are developed for Face Verification and Detection.
Jupyter Notebook
2
star
34

Machine-Translation

In this notebook, I will build a deep neural network that functions as part of an end-to-end machine translation pipeline. My completed pipeline will accept English text as input and return the Persian translation.
Jupyter Notebook
2
star
35

The-Usage-of-AI-defects-for-Building-Footprint-Segmentation

To investigate the effect of pre-processing algorithms in the field of Building Footprint Segmentation, we are going to design a pre-processing algorithm that manipulates the training data to feed them into a Mask R-CNN network that can perform instance segmentation or fake semantic segmentation based on the execution or non-execution of the pre-processing algorithm
Python
2
star
36

Markov-Localization-and-the-Kidnapped-Vehicle-

Markov Localization or Bayes Filter for Localization is a generalized filter for localization and all other localization approaches are realizations of this approach. By learning how to derive and implement this filter, we develop intuition and methods that will help us solve any vehicle localization task.
C++
2
star
37

Highway-Driving

The goal of this project is to build a path planner that creates smooth, safe trajectories for the car to follow. The highway track has other vehicles, all going different speeds, but approximately obeying the 50 MPH speed limit.
C++
2
star
38

Part-of-Speech-Tagging

In this notebook, you'll use the Pomegranate library to build a hidden Markov model for part of speech tagging with a universal tagset.
Jupyter Notebook
2
star
39

Evaluation-Criteria-for-Segmentation-Networks

In this section, we will discuss common methods for evaluating segmentation model
Jupyter Notebook
2
star
40

Restricted-Boltzmann-Machines

Restricted Boltzmann Machine RBMs are flat neural networks that learn to reconstruct data independently by themselves in an unsupervised fashion.
Jupyter Notebook
1
star
41

Natural-Language-Processing-with-Deep-Learning

NLP
Jupyter Notebook
1
star
42

Experimental-Design

1
star
43

Statistical-Considerations-in-Testing

Jupyter Notebook
1
star
44

Speech-Recognition

Understanding of main components of speech recognition- Reading from a File and Working on and Visualizing Audio Signals-Applying sampling at a certain frequency and converting the signal into the discrete numerical form -Extracting Feature from Speech-Speech Recognition Packages
Jupyter Notebook
1
star
45

Recommendation-System-with-a-Restricted-Boltzmann-Machine-

I study and go over the usage of a Restricted Boltzmann Machine (RBM) in a Collaborative Filtering based recommendation system.
Jupyter Notebook
1
star
46

Traffic_Sign_Classifier

It is about deep neural networks and convolutional neural networks to classify traffic signs
Jupyter Notebook
1
star
47

Hypothesis-Testing-and-A-B-Testing

In this Repo we are looking at the null and alternative Hypothesis, Error Types, P Value, Bonferroni Coreection.
Jupyter Notebook
1
star
48

Dataset-Analysis-for-Housing-Prices-Prediction

How to work with missing data, data Standardization and normalization, Correlation and Causation, Linear Regression,Multiple Linear Regression, Polynomial Regression, Measures for Evaluation.
Jupyter Notebook
1
star
49

Model-topics-from-documents-using-Latent-Semantic-Analysis-LSA

In this tutorial, you will learn how to discover the hidden topics from given documents using Latent Semantic Analysis in python.
Jupyter Notebook
1
star
50

SFS-A68

A dataset for the segmentation of space functions in apartment buildings
Jupyter Notebook
1
star
51

Catkin-Workspace-for-ROS

ROS provides a powerful build and package management system called Catkin.A Catkin workspace is essentially a directory where Catkin packages are built, modified and installed.
1
star
52

SAGC-A68

A Space Access Graph dataset for the Classification of spaces and space elements in Apartment buildings
Jupyter Notebook
1
star
53

Word_analogy-using-embeddings

To measure how similar two vectors (words) are
Jupyter Notebook
1
star
54

Object-Detection--MobileNet-and-MobileNetSSD-

Learn about MobileNets and separable depthwise convolutions. and the SSD (Single Shot Detection) architecture used for object detection.
Jupyter Notebook
1
star
55

How-to-make-a-python-package-and-upload-it-to-pypi-

This repo is about creating python pakages and uploading them to pypi.
Python
1
star
56

Explainability-in-Machine-Learning-Models-for-Credit-approval

Defaulting on credit can significantly impact your ability to borrow money in the future. In this study, we found that a prior default decreases the chance of getting credit by 70 percent. This explanation is based on the analysis of three machine learning models (A, B, and C) which are train on the Credit Approval Dataset.
Jupyter Notebook
1
star
57

keep-track-of-a-vehicle-s-coordinates

The goal of this ptoject is to figure out how far a car moved in the x direction (delta x) and y direction (delta y) to draw a trajectory.
Jupyter Notebook
1
star
58

Inference-Performance-in-Tensorflow

In this Repo, I am going to implement various optimizations such as fusion, quantization and machine code compilation to accelerate model prediction then I will walk through how to take advantage of these techniques in Tensorflow.
Jupyter Notebook
1
star