An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: fcn

AI-research-center/Leveraging-UAV-Data-and-Deep-learning-Models-for-Detecting-Waste-in-Rivers

This project focuses on environmental monitoring of two major rivers in Kathmandu, Nepal — Bagmati and Bishnumati. Using drone-captured aerial imagery, we have constructed a dataset aimed at detecting and segmenting river waste

Size: 90.8 KB - Last synced at: about 11 hours ago - Pushed at: about 13 hours ago - Stars: 2 - Forks: 2

stdlib-js/utils-function-sequence

Function sequence.

Language: JavaScript - Size: 686 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 3 - Forks: 0

cda-tum/fiction

An open-source design automation framework for Field-coupled Nanotechnologies

Language: C++ - Size: 19.3 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 78 - Forks: 28

yjnulp3/ndarray-base-unary-reduce-strided1d-dispatch

Constructor for performing a reduction on an input ndarray.

Language: JavaScript - Size: 79.1 KB - Last synced at: 3 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

NikolasEnt/Road-Semantic-Segmentation

Udacity Self-Driving Car Engineer Nanodegree. Project: Road Semantic Segmentation

Language: Jupyter Notebook - Size: 42.5 MB - Last synced at: 7 days ago - Pushed at: over 7 years ago - Stars: 88 - Forks: 33

stdlib-js/utils-map-arguments

Create a function that applies arguments to a provided function after transforming arguments according to a callback function.

Language: JavaScript - Size: 893 KB - Last synced at: 3 days ago - Pushed at: 14 days ago - Stars: 2 - Forks: 0

stdlib-js/random-tools-unary-factory

Create a function for generating pseudorandom numbers drawn from a single-parameter probability distribution.

Language: JavaScript - Size: 966 KB - Last synced at: 3 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

stdlib-js/random-tools-binary-factory

Create a function for generating pseudorandom values drawn from a binary PRNG.

Language: JavaScript - Size: 1.19 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

stdlib-js/random-strided-tools-unary-factory

Create a factory function for filling strided arrays with pseudorandom values drawn from a unary PRNG.

Language: JavaScript - Size: 676 KB - Last synced at: 3 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 0

stdlib-js/random-strided-tools-ternary-factory

Create a factory function for filling strided arrays with pseudorandom values drawn from a ternary PRNG.

Language: JavaScript - Size: 390 KB - Last synced at: 3 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 0

stdlib-js/random-strided-tools-binary-factory

Create a factory function for filling strided arrays with pseudorandom values drawn from a binary PRNG.

Language: JavaScript - Size: 705 KB - Last synced at: 3 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 0

stdlib-js/function-thunk

Generate a thunk.

Language: JavaScript - Size: 182 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

stdlib-js/ndarray-base-unary-reduce-strided1d-dispatch-factory

Create a function for performing a reduction on a provided ndarray.

Language: JavaScript - Size: 8.58 MB - Last synced at: 3 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

stdlib-js/utils-decorate-after

Decorate a provided function such that the function's return value is provided as an argument to another function.

Language: JavaScript - Size: 838 KB - Last synced at: 3 days ago - Pushed at: 21 days ago - Stars: 1 - Forks: 0

stdlib-js/utils-reverse-arguments

Create a function that invokes a provided function with arguments in reverse order.

Language: JavaScript - Size: 923 KB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 2 - Forks: 0

stdlib-js/utils-function-name

Determine a function's name.

Language: JavaScript - Size: 954 KB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 2 - Forks: 0

stdlib-js/assert-is-native-function

Test if a value is a native function.

Language: JavaScript - Size: 700 KB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 2 - Forks: 0

stdlib-js/utils-reorder-arguments

Create a function that invokes a provided function with reordered arguments.

Language: JavaScript - Size: 1.01 MB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

stdlib-js/utils-constant-function

Constant function.

Language: JavaScript - Size: 383 KB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

stdlib-js/regexp-native-function

Return a regular expression to match a native function.

Language: JavaScript - Size: 425 KB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

stdlib-js/utils-try-function

Wrap a function in a try/catch block.

Language: JavaScript - Size: 703 KB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

bishnukhadka/Leveraging-UAV-Data-and-Deep-learning-Models-for-Detecting-Waste-in-Rivers Fork of AI-research-center/Leveraging-UAV-Data-and-Deep-learning-Models-for-Detecting-Waste-in-Rivers

This project focuses on environmental monitoring of two major rivers in Kathmandu, Nepal — Bagmati and Bishnumati. Using drone-captured aerial imagery, we have constructed a dataset aimed at detecting and segmenting river waste.

Size: 89.8 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Charmve/Semantic-Segmentation-PyTorch

PyTorch implementation for Semantic Segmentation, include FCN, U-Net, SegNet, GCN, PSPNet, Deeplabv3, Deeplabv3+, Mask R-CNN, DUC, GoogleNet, and more dataset

Language: Python - Size: 2.72 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 56 - Forks: 12

stdlib-js/utils-async-compose

Function composition.

Language: JavaScript - Size: 699 KB - Last synced at: 3 days ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

stdlib-js/ndarray-base-unary-strided1d-dispatch-factory

Create a function for applying a strided function to a provided ndarray.

Language: JavaScript - Size: 6.72 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Focaan/fcn_safezones

A robust FiveM script for creating and managing safezones on your server. Protect players, disable combat, limit vehicle speed, and more—all fully configurable!

Language: Lua - Size: 10.7 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

stdlib-js/strided-base-function-object

C APIs for creating and managing strided array function objects.

Language: C - Size: 347 KB - Last synced at: 10 days ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

stdlib-js/utils-curry

Transform a function into a sequence of functions each accepting a single argument.

Language: JavaScript - Size: 1.02 MB - Last synced at: 3 days ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

jordankzf/human-silhouette-extractor

Performance comparison of human silhouette extraction from videos by semantic segmentation with ResNet-101 compared to statistical background modelling.

Language: Python - Size: 599 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 6

yasaricli/chainradar-api

Blockchain Explorer API for Chainradar

Language: JavaScript - Size: 14.6 KB - Last synced at: 30 days ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 4

guanfuchen/semseg

常用的语义分割架构结构综述以及代码复现 华为媒体研究院 图文Caption、OCR识别、图视文多模态理解与生成相关方向工作或实习欢迎咨询 15757172165 https://guanfuchen.github.io/media/hw_zhaopin_20220724_tiny.jpg

Language: Python - Size: 561 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 791 - Forks: 164

hendriks73/tempo-cnn

Framework for estimating temporal properties of music tracks.

Language: Python - Size: 182 MB - Last synced at: 13 days ago - Pushed at: 11 months ago - Stars: 99 - Forks: 12

stdlib-js/utils-papply

Partially apply function arguments.

Language: JavaScript - Size: 1.03 MB - Last synced at: 8 days ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

stdlib-js/assert-is-circular

Test if an object-like value contains a circular reference.

Language: JavaScript - Size: 970 KB - Last synced at: 3 days ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

orsinium-labs/expofier

Go package for sending push notifications to Expo (React Native) apps.

Language: Go - Size: 19.5 KB - Last synced at: 11 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-async-function-sequence

Function sequence.

Language: JavaScript - Size: 858 KB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-map-function

Invoke a function n times and return an array of accumulated function return values.

Language: JavaScript - Size: 947 KB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-memoize

Memoize a function.

Language: JavaScript - Size: 897 KB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

pierluigiferrari/ssd_keras

A Keras port of Single Shot MultiBox Detector

Language: Python - Size: 19.2 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 1,867 - Forks: 932

Pale-Blue-Dot-97/Minerva

Minerva project includes the minerva package that aids in the fitting and testing of neural network models. Includes pre and post-processing of land cover data. Designed for use with torchgeo datasets.

Language: Python - Size: 33.3 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 22 - Forks: 1

syndicate2k/TwoLayerFCN_Backprop

Simple FCN realisation

Language: Python - Size: 15.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

AMfeta99/Advanced_Computer_Vision

This repository is dedicated to small projects and some theoretical material that I used to get into Computer Vision using TensorFlow in a practical and efficient way.

Language: Jupyter Notebook - Size: 667 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

stdlib-js/utils-uncurry-right

Transform a curried function into a function invoked with multiple arguments.

Language: JavaScript - Size: 1010 KB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

stdlib-js/random-array-tools-unary-factory

Create a factory function for generating pseudorandom values drawn from a unary PRNG.

Language: JavaScript - Size: 787 KB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-nary-function

Create a function that invokes a provided function with a specified number of arguments.

Language: JavaScript - Size: 1000 KB - Last synced at: 8 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-papply-right

Partially apply function arguments from the right.

Language: JavaScript - Size: 932 KB - Last synced at: 2 days ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

stdlib-js/ndarray-base-function-object

C APIs for creating and managing ndarray function objects.

Language: C - Size: 378 KB - Last synced at: 3 days ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

busyyang/ECGNet

ECGNet复现论文P-QRS-T localization in ECG using deep learning

Language: Python - Size: 107 KB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 16 - Forks: 4

damminhtien/awesome-semantic-segmentation

awesome-semantic-segmentation - list of awesome things around semantic segmentation :tada:

Size: 48.8 KB - Last synced at: 1 day ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 1

bat67/pytorch-FCN-easiest-demo

PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).

Language: Python - Size: 69.2 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 195 - Forks: 72

shekkizh/FCN.tensorflow

Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)

Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 1,250 - Forks: 525

submini/customizablenightmares

Fulltimate Custom Night for GameMaker Studio. Coded together by mariopuff and interseer with the help of UN4YA!

Language: Game Maker Language - Size: 25 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

nikhilroxtomar/Deep-Residual-Unet

ResUNet, a semantic segmentation model inspired by the deep residual learning and UNet. An architecture that take advantages from both(Residual and UNet) models.

Language: Jupyter Notebook - Size: 17.6 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 230 - Forks: 57

moatifbutt/Drivable-Road-Region-Detection-and-Steering-Angle-Estimation-Method

A practical implementation of pixel level segmentation based road detection and steering angle estimation methods.

Language: Python - Size: 101 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 19 - Forks: 4

wkentaro/pytorch-fcn 📦

PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)

Language: Python - Size: 32 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 1,768 - Forks: 481

stdlib-js/math-array-tools-unary-factory

Create a function for applying a unary function to each element in a provided array.

Language: JavaScript - Size: 495 KB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

UmairAli254/Weather-Prediction-Model-using-FCN

Weather Prediction Model using FCN (Fully Connected Neural Network)

Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

UmairAli254/Recognize-handwritten-digits.

This model is trained to Recognize the Hand-Written digits. I have used FCNN to build this

Language: Jupyter Notebook - Size: 246 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

stdlib-js/utils-uncurry

Transform a curried function into a function invoked with multiple arguments.

Language: JavaScript - Size: 992 KB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

bodokaiser/piwise

Pixel-wise segmentation on VOC2012 dataset using pytorch.

Language: Python - Size: 51.8 KB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 386 - Forks: 85

Focaan/fcn_loading

Simple Loading Screen, Remade from the old TRoR.eu loading screen - I do not take full credit for it.

Language: CSS - Size: 32.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

voldemortX/pytorch-auto-drive

PytorchAutoDrive: Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, RESA, LSTR, LaneATT, BézierLaneNet...) based on PyTorch with fast training, visualization, benchmarking & deployment help

Language: Python - Size: 4.85 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 891 - Forks: 141

kozistr/Awesome-Segmentations

Lots of semantic image segmentation implementations in Tensorflow/Keras

Language: Python - Size: 28.3 KB - Last synced at: 11 days ago - Pushed at: over 6 years ago - Stars: 63 - Forks: 15

stdlib-js/random-array-tools-binary-factory

Create a factory function for generating pseudorandom values drawn from a binary PRNG.

Language: JavaScript - Size: 737 KB - Last synced at: 1 day ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-async-map-function

Invoke a function n times and return an array of accumulated function return values.

Language: JavaScript - Size: 968 KB - Last synced at: 3 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-argument-function

Argument function.

Language: JavaScript - Size: 790 KB - Last synced at: 4 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

minar09/Fashion-Clothing-Parsing

FCN, U-Net models implementation in TensorFlow for fashion clothing parsing

Language: Python - Size: 1.23 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 40 - Forks: 15

wkentaro/fcn

Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)

Language: Python - Size: 20 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 217 - Forks: 97

HEX9CF/mnist-recognition-web

一个基于 Flask 框架的 MNIST 手写数字识别 Web 服务。网页提供一个画板,用户可以在画板上绘制数字,然后点击“识别”按钮上传绘制的数字,服务端使用训练好的 PyTorch 模型进行识别,并返回识别结果。

Language: TypeScript - Size: 1.44 MB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

nikhilroxtomar/UNet-Segmentation-in-Keras-TensorFlow

UNet is a fully convolutional network(FCN) that does image segmentation. Its goal is to predict each pixel's class. It is built upon the FCN and modified in a way that it yields better segmentation in medical imaging.

Language: Jupyter Notebook - Size: 141 KB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 145 - Forks: 111

Focaan/fcn_snowball

Simple snowball picking script using ox_lib and ox_inventory

Language: Lua - Size: 1.95 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

yonseicasl/Nebula

Nebula: Deep Neural Network Benchmarks in C++

Language: C++ - Size: 1.26 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 11 - Forks: 2

stdlib-js/utils-curry-right

Transform a function into a sequence of functions each accepting a single argument.

Language: JavaScript - Size: 1.02 MB - Last synced at: 3 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

prml615/prml

Multimodal Fully Convolutional Neural networks for Semantic Segmentation.

Language: Python - Size: 1.62 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 19 - Forks: 10

stdlib-js/utils-compose

Function composition.

Language: JavaScript - Size: 694 KB - Last synced at: 3 days ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

stdlib-js/utils-thunk

Generate a thunk.

Language: JavaScript - Size: 551 KB - Last synced at: 3 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

stdlib-js/utils-noop

Function which does nothing.

Language: JavaScript - Size: 430 KB - Last synced at: 3 days ago - Pushed at: 9 months ago - Stars: 3 - Forks: 1

kushanavbhuyan/Building-Identification-for-Exp-Vul-Risk-Assessment

Information about buildings is, sufficed to say, a very important aspect not just for urban land registry or transportation but also for disaster/hazard risk assessment. Specifically, typological attributes of buildings like number of residents living in them, number of floors, and many more. The study aims at figuring and capturing the typological attributes of the buildings by incorporating deep learning and other proxy information as a means of detecting and characterising the buildings.

Language: Jupyter Notebook - Size: 12 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 3

sovit-123/CamVid-Image-Segmentation-using-FCN-ResNet50-with-PyTorch

Deep learning semantic segmentation on the Camvid dataset using PyTorch FCN ResNet50 neural network.

Language: Python - Size: 11.5 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 14 - Forks: 3

cda-tum/mnt-bestagon-library

Design, layout, and simulation files of the paper "Hexagons are the Bestagons: Design Automation for Silicon Dangling Bond Logic" by M. Walter, S. S. H. Ng, K. Walus, and R. Wille in DAC 2022.

Language: C++ - Size: 1.42 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 0

omarmuhamed/Malware-Detection-With-Performance-Counters

Malware detection using performance counters' data and deep learning time series classification methods. (POC)

Language: Python - Size: 36.4 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

moatifbutt/CARL-dataset

CARL-D comprises large-scale stereo vision-based driving videos captured from more than 100 cities of Pakistan, including motorways, dense and unpattern traffic scenarios of urban, rural, and hilly areas.

Language: Python - Size: 36.1 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

affromero/FCN

PyTorch Implementation of Fully Convolutional Networks, for VGG and ResNet backbones.

Language: Jupyter Notebook - Size: 891 KB - Last synced at: 23 days ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 13

sarmadahmad8/Breast-Cancer-Ultrasound-Segmentation-on-4-Deep-Learning-Frameworks

Breast Cancer Ultrasound Segmentation using Deep Learning

Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: 11 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

guiyang882/FCN.tensorflow Fork of shekkizh/FCN.tensorflow

Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)

Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

Howtyee/Data_Mining

数据挖掘——电信客户流失预测与分析

Language: Python - Size: 2.86 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

Phoenix8215/FCN_KITTI

Implementation of semantic segmentation of FCN structure using KITTI road dataset😝😝😝

Language: Python - Size: 247 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 40 - Forks: 9

luizcarloscf/gesture-embedding-classifier

Language: Python - Size: 85 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

stdlib-js/random-array-tools-ternary-factory

Create a factory function for generating pseudorandom values drawn from a ternary PRNG.

Language: JavaScript - Size: 681 KB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

IanTaehoonYoo/semantic-segmentation-pytorch

Pytorch implementation of FCN, UNet, PSPNet, and various encoder models.

Language: Python - Size: 36.7 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 87 - Forks: 20

Focaan/fcn_afksystem

Simple AFK system for FiveM

Language: Lua - Size: 16.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

anik475/Vission-Transformer-for-Image-Segemntion-using-UNET-R

Implementation of V architecture with Vission Transformer for Image Segemntion Task

Language: Jupyter Notebook - Size: 70.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

joymwangiii/uterinefibroidssegmentation

This is a system that was used for the detection and segmentation of uterine fibroids using ultrasound images as the input

Language: HTML - Size: 32.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Pancakerr/HSIC-platform

A integrated deep learning platform for hyperspectral classification by pytorch

Language: Python - Size: 64.6 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 1

abhiagwl/HPEPS

Language: Jupyter Notebook - Size: 97.9 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

sunwillz/tianchi_land_monitor

天池大数据竞赛-土地智能监管

Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: 8 months ago - Pushed at: almost 8 years ago - Stars: 6 - Forks: 5

kth-vyu/pattern_recognition_algorithms

Алгоритмы распознавания образов

Language: HTML - Size: 10.8 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Abdullah-129/LiverTumorDetection

A Model to Detect liver Tumor From CT scans.

Language: Jupyter Notebook - Size: 192 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

marcomarasca/SDCND-Semantic-Segmentation

Tensorflow implementation of FCN8-VGG16 for semantic segmentation

Language: Jupyter Notebook - Size: 50.4 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

jedichien/pytorch_fcn

implementation of FCN with pytorch

Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2