GitHub / Apiquet 51 Repositories
Apiquet/DeepLearningFrameworkFromScratchCpp
Deep Learning framework implementation with MSE, ReLU, softmax, linear layer, a feature/label generator and a mini-batch training. The main goal of this repository is to show how to develop a project in C++ by using key concepts of C++: abstract class/interface and inheritance, memory management, smart-pointers, iterator, const expression, etc.
Language: C++ - Size: 74.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 4

Apiquet/segmentation_from_satellite_images
This repository shows how to get satellite images to build a dataset to train a neural network. It use the MiniFrance land cover dataset, Google-Earth-Engine to download satellite images, and Pytorch to train a neural network.
Language: Jupyter Notebook - Size: 957 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Apiquet/Compare_Deep_Learning_Frameworks
This repo shows how to implement a training on CIFAR10 dataset with different Deep Learning frameworks: FastAI, JAX, Keras, MXNet, PaddlePaddle, Pytorch and Pytorch-lightning. An article was written to compare the ease of implementation (user friendly coding, ease of finding information online, etc.), time per epoch, memory and GPU usage, etc.
Language: Python - Size: 130 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Apiquet/XML_HTML_Converter_xsltTransformation
XML-HTML converter thanks to an xslt transformation
Language: XSLT - Size: 27.3 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Apiquet/Web_Browser_Creation
Creation of a web browser
Language: C# - Size: 15.6 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Apiquet/WebTest_Selenium_VisualStudio
Going to any website, clicking on any buttons or any links thanks to Selenium and Visual Studio
Language: C# - Size: 14.9 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

Apiquet/VR_Teach_Sign_Language
Using an Oculus and Leap motion to build a game on Unity to learn Sign Language
Language: C# - Size: 644 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

Apiquet/Visual_recognition
I'm taking part in the EPFL Robotics Competition. We must build an autonomous robot from scratch that recognizes all types of bottles, catches them, and then bring them to a recycling bin. One of my responsibilities is the bottles recognition.
Language: Jupyter Notebook - Size: 155 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

Apiquet/Visual_Computing Fork of huguesvinzant/Visual_Computing
Building a game using Processing software which uses the webcam.
Language: Processing - Size: 23.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/utils
some useful programs
Language: Python - Size: 67.4 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Apiquet/Tunnel_Vision
Create a tunnel vision on the computer screen
Language: C# - Size: 372 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Apiquet/Transversal-Project
Language: C - Size: 1.55 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

Apiquet/Tracking_SSD_ReID
SSD300 implementation with TensorFlow plus re-identification for multi-object tracking
Language: Jupyter Notebook - Size: 75.6 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

Apiquet/Style_transfer
Re-use the feature extractor of a model trained for object detection in a new model designed for Style Transfer
Language: Jupyter Notebook - Size: 47.1 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Apiquet/Solutec_Hackathon_2016_Team1
Language: Python - Size: 63.7 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Apiquet/slambook2 Fork of gaoxiang12/slambook2
edition 2 of the slambook
Size: 23.4 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Apiquet/Siam
Language: C - Size: 391 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Apiquet/Segmentation
Image segmentation project. Two architectures implemented: VGG-16 + FCN-8 module and U-Net. For FCN-8, pre-trained weights are used from SSD300. Although it is designed for object detection, its feature extractor can be reused in another task involving similar classes. Linked article explains the full project.
Language: Jupyter Notebook - Size: 45.3 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Apiquet/Remote_Desktop
Run any program on a remote desktop programmatically (without any GUI). Open any application on the terminal session
Language: C# - Size: 9.77 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

Apiquet/Reinforcement_learning
This repository uses Reinforcement Learning techniques to build agents capable of training in different OpenAI Gym environments : Classic control, Box2D and Atari
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Apiquet/Quarto
Language: C - Size: 16.6 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Apiquet/OpenGL_Game
OpenGL and Glut: a motorcycle game with ramps, back flip, obstacles, coins to increase score, etc.
Language: C++ - Size: 6.37 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

Apiquet/opencv_visual_recognition
Language: C++ - Size: 47.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

Apiquet/NLP
Neural networks to detect the kindness of sentences: build the dataset (tokenization, word to vector), NN implementation, training and evaluation with F1-score
Language: Jupyter Notebook - Size: 85.9 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Apiquet/MyTankRobot
Language: C - Size: 4.27 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

Apiquet/Langton-s_Ant
Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Apiquet/KNN_algorithm
K Nearest Neighbour
Language: MATLAB - Size: 769 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/labyrinthGame
A 2D labyrinth implemented thanks to the library « pygame »
Language: Python - Size: 1020 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Apiquet/KMEANS_algorithm
Using K-means algorithm to compress images (visualizing the impact of K after image's reconstruction)
Language: MATLAB - Size: 198 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/Keypoints_Detection_And_Tracking
The goal of this project is to implement the keypoint detector FAST (Features from Accelerated Segment Test) and to track keypoints with the Kanade–Lucas–Tomasi feature tracker.
Language: Jupyter Notebook - Size: 181 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 3

Apiquet/fcn_from_scratch
Implement gradient descent using the differential approach (2D example), using the perturbation approach (3D example), in a neural network implementation from scratch using only numpy
Language: Jupyter Notebook - Size: 31.4 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Apiquet/KeyLogger_EducationalPurpose
Language: C# - Size: 483 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Apiquet/Game_of_life_Conway
Conway's game of life, 2 simple rules of life lead to incredible things.
Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Apiquet/FrenchRoboticsCup
Language: Arduino - Size: 25.4 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

Apiquet/FRC-FirstRoboticsCompetition
Language: C++ - Size: 657 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Apiquet/Ecosystem_simulation
Setting ecosystem parameters (rabbit's energy for the reproduction, energy taken by the reproduction, energy gained by the rabbit per grass eaten, etc) to follow rabbit population evolution.
Language: Java - Size: 3.62 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Apiquet/drawing_machine
Design of a drawing machine
Size: 827 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/Download_YoutubeVideo
C# program which can download videos from Youtube
Language: C# - Size: 11.7 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Apiquet/Deep_learning_fashion_mnist
Learning how to optimize a CNN, how to feel the good complexity for a model and how to properly regulate it. Learning how to use batch normalization and data generators.
Language: Jupyter Notebook - Size: 18.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/Deep_learning_digit_recognition_and_creation
A project to get familiar with Tensorflow and TensorBoard. How to artificially increase our dataset: rotation, zoom, contrast. Creating a generative auto-encoder to "dream" new digits.
Language: Jupyter Notebook - Size: 36 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/Deep_learning_digit_recognition_and_comparison
Siamese network and auxiliary loss: different architectures implemented using weight sharing and auxiliary loss to create a neural network which learns different tasks during the training process. Use of the following concepts: FCN, CNN, SGD, mini-batch, batch normalization, learning rate decay and regularization.
Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/animated_world_map
Displaying data on an animated world map in Python and Javascript
Language: Jupyter Notebook - Size: 97 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Apiquet/AI_DeliberativeAgents
Implementation of an agent that has to pick up and deliver task in Switzerland. State-based breadth-first search and A* heuristic search algorithms to minimize the cost.
Language: Java - Size: 2.92 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

Apiquet/MachineLearningMethods1
Implementing basic ML methods from scratch (without any libraries)
Language: TeX - Size: 765 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

Apiquet/AI_Auction
Language: Java - Size: 2.69 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Apiquet/STI_Robotic_Competition_Mechanics
The goal of the EPFL (Ecole Polytechnique Fédérale de Lausanne) Robotics Competition is to build an autonomous recycling robot. This robot, built from scratch, must recognizes any bottle (thanks to a camera), catch it, then bring it to a recycling area.
Size: 957 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Apiquet/ADA_Project
Language: Jupyter Notebook - Size: 210 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

Apiquet/ADA_EPFL
Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Apiquet/DepthEstimationAnd3dMapping
The goal of this project is to build a robot capable of mapping its environment in a 3D simulation view. It uses a neural network for depth estimation deployed on a Jetson Nano. The Jetson is also connected to an Arduino Nano to get the gyro data from its IMU to project the depth values in a 3D world based on the orientation of the robot.
Language: Jupyter Notebook - Size: 182 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 1

Apiquet/DeepLearningFrameworkFromScratch
Deep Learning Framework only using numpy: Linear, Convolution, Flatten, Max and Mean Pooling layers, activation functions, Softmax, MSE and Cross Entropy. Useful functions: train, save an load a model to deploy it, get nb of parameters, draw learning curves
Language: Jupyter Notebook - Size: 47.6 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 2

Apiquet/transfer_learning_and_unsupervised_pre-training
Learning how to do transfert learning and how to properly use an unsupervised pre-training.
Language: Jupyter Notebook - Size: 41.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

Apiquet/Visualyzing_Data_On_Map
Using Folium to visualize the percentage of voters of different parties in Switzerland
Language: Jupyter Notebook - Size: 7.87 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1
