HelmiHalmouch
Helmi GHANMI is data-scientist his development include machine and deep learning, image processing, remote sensing, using tensorflow, keras, sklearn and python
Pinned Repositories
audio_processing_convolutional_neural_network
In this project, we apply the Convolution Neural Networks (CNN) for audio processing. We use the ConvNets method.
basic_logistic_regression
Logistic regression is used in classification problems where the labels are a discrete number of classes as compared to linear regression, where labels are continuous variables.
Basic_manip_of_audio
Audio processing using python
convert_text_to_speech
The goal of this project is to convert text in speech using differents packages in python.
deep_learning_using_keras_CIFAR10
The main goal of this porject is to apply tensorflow and keras for image recognition.
keras_DeepLearning_custum_image_classification
Developpement of Deep Learining using CNN and keras librairie for custum image classification
keras_training_model
Application of fit, fit_generator and train_on_batch methods in keras for training of a model
mnist_image_classification_by_TensorFlow
Here I show a sample implimentation of neural network for the classification of the MNIST dataset using tensorflow
style_transform_by_neural_network
Here I show the implimentation of an algorithme for image stlye transform using neural network. The architecture is he same of the pretrained model VGG19. The techniques for the implimentation are: Python3.5 and Pytorch
Transfer_Learning_TL
Developpement of transfert learning method for custom image recognition
HelmiHalmouch's Repositories
HelmiHalmouch/keras_training_model
Application of fit, fit_generator and train_on_batch methods in keras for training of a model
HelmiHalmouch/convert_text_to_speech
The goal of this project is to convert text in speech using differents packages in python.
HelmiHalmouch/audio_processing_convolutional_neural_network
In this project, we apply the Convolution Neural Networks (CNN) for audio processing. We use the ConvNets method.
HelmiHalmouch/keras_DeepLearning_custum_image_classification
Developpement of Deep Learining using CNN and keras librairie for custum image classification
HelmiHalmouch/style_transform_by_neural_network
Here I show the implimentation of an algorithme for image stlye transform using neural network. The architecture is he same of the pretrained model VGG19. The techniques for the implimentation are: Python3.5 and Pytorch
HelmiHalmouch/Transfer_Learning_TL
Developpement of transfert learning method for custom image recognition
HelmiHalmouch/basic_logistic_regression
Logistic regression is used in classification problems where the labels are a discrete number of classes as compared to linear regression, where labels are continuous variables.
HelmiHalmouch/Basic_manip_of_audio
Audio processing using python
HelmiHalmouch/deep_learning_using_keras_CIFAR10
The main goal of this porject is to apply tensorflow and keras for image recognition.
HelmiHalmouch/mnist_image_classification_by_TensorFlow
Here I show a sample implimentation of neural network for the classification of the MNIST dataset using tensorflow
HelmiHalmouch/Basics_SQLITE
This respository show bascis manipulation of the db SQLITE in python
HelmiHalmouch/generate_qr_code
Generate a QR for any uri
HelmiHalmouch/GUI_with_login
HelmiHalmouch/image_classification_by_StridedNet
Application of StridedNet for image processing
HelmiHalmouch/object_tracking_in_video
In this respository I will add a algorithme f object tacking in video using opencv and python
HelmiHalmouch/predition_by_trained_network_model
Load and applied custom trained model for image classification
HelmiHalmouch/YOLO_object_recognition
Detection and recognition of object using YOLO